From 33d760c7d848da66d8a84523f11a7fc38ff1afc4 Mon Sep 17 00:00:00 2001 From: Roy Levin Date: Wed, 13 Jan 2016 12:47:11 +0200 Subject: [PATCH 1/5] Changes to support KMeans with large feature space --- .../spark/mllib/clustering/KMeans.scala | 59 +- .../spark/mllib/clustering/LocalKMeans.scala | 11 +- .../org/apache/spark/mllib/linalg/BLAS.scala | 74 ++ .../apache/spark/mllib/linalg/Vectors.scala | 34 +- .../spark/mllib/clustering/KMeansSuite.scala | 163 +++- .../apache/spark/mllib/linalg/BLASSuite.scala | 32 +- tests.log | 917 ++++++++++++++++++ 7 files changed, 1219 insertions(+), 71 deletions(-) create mode 100644 tests.log diff --git a/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala b/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala index ca11ede4ccd47..99b69bebcc834 100644 --- a/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala +++ b/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala @@ -21,7 +21,7 @@ import scala.collection.mutable.ArrayBuffer import org.apache.spark.Logging import org.apache.spark.annotation.Since -import org.apache.spark.mllib.linalg.{Vector, Vectors} +import org.apache.spark.mllib.linalg.{SparseVector, Vector, Vectors} import org.apache.spark.mllib.linalg.BLAS.{axpy, scal} import org.apache.spark.mllib.util.MLUtils import org.apache.spark.rdd.RDD @@ -45,7 +45,9 @@ class KMeans private ( private var initializationMode: String, private var initializationSteps: Int, private var epsilon: Double, - private var seed: Long) extends Serializable with Logging { + private var seed: Long, + private var vectorFactory: VectorFactory = DenseVectorFactory.instance + ) extends Serializable with Logging { /** * Constructs a KMeans instance with default parameters: {k: 2, maxIterations: 20, runs: 1, @@ -176,6 +178,13 @@ class KMeans private ( this } + def getVectorFactory: VectorFactory = vectorFactory + + def setVectorFactory(vectorFactory: VectorFactory): this.type = { + this.vectorFactory = vectorFactory + this + } + // Initial cluster centers can be provided as a KMeansModel object rather than using the // random or k-means|| initializationMode private var initialModel: Option[KMeansModel] = None @@ -282,7 +291,8 @@ class KMeans private ( val k = thisActiveCenters(0).length val dims = thisActiveCenters(0)(0).vector.size - val sums = Array.fill(runs, k)(Vectors.zeros(dims)) +// val sums = Array.fill(runs, k)(Vectors.zeros(dims)) + val sums = Array.fill(runs, k)(vectorFactory.zeros(dims)) val counts = Array.fill(runs, k)(0L) points.foreach { point => @@ -376,7 +386,8 @@ class KMeans private ( // Initialize each run's first center to a random point. val seed = new XORShiftRandom(this.seed).nextInt() val sample = data.takeSample(true, runs, seed).toSeq - val newCenters = Array.tabulate(runs)(r => ArrayBuffer(sample(r).toDense)) +// val newCenters = Array.tabulate(runs)(r => ArrayBuffer(sample(r).toDense)) + val newCenters = Array.tabulate(runs)(r => ArrayBuffer(sample(r).compact(vectorFactory))) /** Merges new centers to centers. */ def mergeNewCenters(): Unit = { @@ -436,7 +447,8 @@ class KMeans private ( }.collect() mergeNewCenters() chosen.foreach { case (p, rs) => - rs.foreach(newCenters(_) += p.toDense) +// rs.foreach(newCenters(_) += p.toDense) + rs.foreach(newCenters(_) += p) } step += 1 } @@ -459,7 +471,7 @@ class KMeans private ( val finalCenters = (0 until runs).par.map { r => val myCenters = centers(r).toArray val myWeights = (0 until myCenters.length).map(i => weightMap.getOrElse((r, i), 0.0)).toArray - LocalKMeans.kMeansPlusPlus(r, myCenters, myWeights, k, 30) + LocalKMeans.kMeansPlusPlus(r, myCenters, myWeights, k, 30, vectorFactory) } finalCenters.toArray @@ -488,6 +500,7 @@ object KMeans { * @param runs number of parallel runs, defaults to 1. The best model is returned. * @param initializationMode initialization model, either "random" or "k-means||" (default). * @param seed random seed value for cluster initialization + * @param vectorFactory provide factory to use for creating the vectors representing the centroids */ @Since("1.3.0") def train( @@ -496,12 +509,14 @@ object KMeans { maxIterations: Int, runs: Int, initializationMode: String, - seed: Long): KMeansModel = { + seed: Long, + vectorFactory: VectorFactory = DenseVectorFactory.instance): KMeansModel = { new KMeans().setK(k) .setMaxIterations(maxIterations) .setRuns(runs) .setInitializationMode(initializationMode) .setSeed(seed) + .setVectorFactory(vectorFactory) .run(data) } @@ -617,5 +632,33 @@ class VectorWithNorm(val vector: Vector, val norm: Double) extends Serializable def this(array: Array[Double]) = this(Vectors.dense(array)) /** Converts the vector to a dense vector. */ - def toDense: VectorWithNorm = new VectorWithNorm(Vectors.dense(vector.toArray), norm) +// def toDense: VectorWithNorm = new VectorWithNorm(Vectors.dense(vector.toArray), norm) + + def compact(fact: VectorFactory): VectorWithNorm = new VectorWithNorm(fact.compact(vector), norm) } + +trait VectorFactory extends Serializable { + def zeros(size: Int): Vector + + def compact(vec: Vector): Vector +} + +class DenseVectorFactory private() extends VectorFactory { + override def zeros(size: Int): Vector = Vectors.zeros(size) + + override def compact(vec: Vector): Vector = vec.toDense +} + +object DenseVectorFactory { + val instance = new DenseVectorFactory +} + +class SmartVectorFactory private() extends VectorFactory { + override def zeros(size: Int): Vector = new SparseVector(size, Array.empty, Array.empty) + + override def compact(vec: Vector): Vector = vec.compressed +} + +object SmartVectorFactory { + val instance = new SmartVectorFactory +} \ No newline at end of file diff --git a/mllib/src/main/scala/org/apache/spark/mllib/clustering/LocalKMeans.scala b/mllib/src/main/scala/org/apache/spark/mllib/clustering/LocalKMeans.scala index c9a96c68667af..41b74c83fff20 100644 --- a/mllib/src/main/scala/org/apache/spark/mllib/clustering/LocalKMeans.scala +++ b/mllib/src/main/scala/org/apache/spark/mllib/clustering/LocalKMeans.scala @@ -38,14 +38,15 @@ private[mllib] object LocalKMeans extends Logging { points: Array[VectorWithNorm], weights: Array[Double], k: Int, - maxIterations: Int + maxIterations: Int, + vectorFactory: VectorFactory ): Array[VectorWithNorm] = { val rand = new Random(seed) val dimensions = points(0).vector.size val centers = new Array[VectorWithNorm](k) // Initialize centers by sampling using the k-means++ procedure. - centers(0) = pickWeighted(rand, points, weights).toDense + centers(0) = pickWeighted(rand, points, weights).compact(vectorFactory) for (i <- 1 until k) { // Pick the next center with a probability proportional to cost under current centers val curCenters = centers.view.take(i) @@ -62,9 +63,9 @@ private[mllib] object LocalKMeans extends Logging { if (j == 0) { logWarning("kMeansPlusPlus initialization ran out of distinct points for centers." + s" Using duplicate point for center k = $i.") - centers(i) = points(0).toDense + centers(i) = points(0).compact(vectorFactory) } else { - centers(i) = points(j - 1).toDense + centers(i) = points(j - 1).compact(vectorFactory) } } @@ -93,7 +94,7 @@ private[mllib] object LocalKMeans extends Logging { while (j < k) { if (counts(j) == 0.0) { // Assign center to a random point - centers(j) = points(rand.nextInt(points.length)).toDense + centers(j) = points(rand.nextInt(points.length)).compact(vectorFactory) } else { scal(1.0 / counts(j), sums(j)) centers(j) = new VectorWithNorm(sums(j)) diff --git a/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala b/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala index df9f4ae145b88..a82fe2d7fbe5c 100644 --- a/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala +++ b/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala @@ -38,6 +38,42 @@ private[spark] object BLAS extends Serializable with Logging { _f2jBLAS } + // equivalent to xIndices.union(yIndices).distinct.sortBy(i => i) + def unitedIndices(xSortedIndices: Array[Int], ySortedIndices: Array[Int]): Array[Int] = { + val arr = new Array[Int](xSortedIndices.length + ySortedIndices.length) + (0 until arr.length).foreach(i => arr(i) = -1) + + var xj = 0 + var yj = 0 + var j = 0 + var previ = Int.MaxValue + + def getAt(arr: Array[Int], j: Int): Int = if (j < arr.length) arr(j) else Int.MaxValue + + while (xj < xSortedIndices.length || yj < ySortedIndices.length) { + val xi = getAt(xSortedIndices, xj) + val yi = getAt(ySortedIndices, yj) + + val i = if (xi <= yi) { + xj += 1 + xi + } + else { + yj += 1 + yi + } + + if (previ != i) { + arr(j) = i + j += 1 + } + + previ = i + } + + arr.filter(_ != -1) + } + /** * y += a * x */ @@ -54,6 +90,16 @@ private[spark] object BLAS extends Serializable with Logging { throw new UnsupportedOperationException( s"axpy doesn't support x type ${x.getClass}.") } + case sy: SparseVector => + x match { + case sx: SparseVector => + axpy(a, sx, sy) + case dx: DenseVector => + axpy(a, dx, sy) + case _ => + throw new UnsupportedOperationException( + s"axpy doesn't support x type ${x.getClass}.") + } case _ => throw new IllegalArgumentException( s"axpy only supports adding to a dense vector but got type ${y.getClass}.") @@ -92,6 +138,34 @@ private[spark] object BLAS extends Serializable with Logging { } } + /** + * y += a * x + */ + private def axpy(a: Double, x: DenseVector, y: SparseVector): Unit = { + require(x.size == y.size) + + val xIndices = (0 until x.size).filter(i => x(i) != 0.0).toArray + val xValues = xIndices.map(i => x(i)) + + axpy(a, Vectors.sparse(x.size, xIndices, xValues), y) + } + + /** + * y += a * x + */ + private def axpy(a: Double, x: SparseVector, y: SparseVector): Unit = { + require(x.size == y.size) + + val xIndices = x.indices + val yIndices = y.indices + + val newIndices = unitedIndices(xIndices, yIndices) + assert(newIndices.size >= yIndices.size) + + val newValues = newIndices.map(i => a*x(i) + y(i)) + y.reassign(newIndices, newValues) + } + /** Y += a * x */ private[spark] def axpy(a: Double, X: DenseMatrix, Y: DenseMatrix): Unit = { require(X.numRows == Y.numRows && X.numCols == Y.numCols, "Dimension mismatch: " + diff --git a/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala b/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala index cecfd067bd874..bacb2dd0fa3b6 100644 --- a/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala +++ b/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala @@ -700,21 +700,37 @@ object DenseVector { * A sparse vector represented by an index array and an value array. * * @param size size of the vector. - * @param indices index array, assume to be strictly increasing. - * @param values value array, must have the same length as the index array. + * @param sortedIndices index array, assume to be strictly increasing. + * @param sortedValues value array, must have the same length as the index array. */ @Since("1.0.0") @SQLUserDefinedType(udt = classOf[VectorUDT]) class SparseVector @Since("1.0.0") ( @Since("1.0.0") override val size: Int, - @Since("1.0.0") val indices: Array[Int], - @Since("1.0.0") val values: Array[Double]) extends Vector { + @Since("1.0.0") private var sortedIndices: Array[Int], + @Since("1.0.0") private var sortedValues: Array[Double]) extends Vector { + + require(allRequirements()) + + def allRequirements(): Boolean = { + require(indices.length == values.length, "Sparse vectors require that the dimension of the" + + s" indices match the dimension of the values. You provided ${indices.length} indices and " + + s" ${values.length} values.") + require(indices.length <= size, s"You provided ${indices.length} indices and values, " + + s"which exceeds the specified vector size ${size}.") + + true + } + + def reassign(newSortedIndices: Array[Int], newValues: Array[Double]): Unit = { + sortedIndices = newSortedIndices + sortedValues = newValues + require(allRequirements()) + } + + def indices: Array[Int] = sortedIndices - require(indices.length == values.length, "Sparse vectors require that the dimension of the" + - s" indices match the dimension of the values. You provided ${indices.length} indices and " + - s" ${values.length} values.") - require(indices.length <= size, s"You provided ${indices.length} indices and values, " + - s"which exceeds the specified vector size ${size}.") + def values: Array[Double] = sortedValues override def toString: String = s"($size,${indices.mkString("[", ",", "]")},${values.mkString("[", ",", "]")})" diff --git a/mllib/src/test/scala/org/apache/spark/mllib/clustering/KMeansSuite.scala b/mllib/src/test/scala/org/apache/spark/mllib/clustering/KMeansSuite.scala index 3003c62d9876c..ec3430d083ae8 100644 --- a/mllib/src/test/scala/org/apache/spark/mllib/clustering/KMeansSuite.scala +++ b/mllib/src/test/scala/org/apache/spark/mllib/clustering/KMeansSuite.scala @@ -17,6 +17,9 @@ package org.apache.spark.mllib.clustering +import org.apache.spark.mllib.clustering.KMeans._ +import org.apache.spark.rdd.RDD + import scala.util.Random import org.apache.spark.SparkFunSuite @@ -25,11 +28,25 @@ import org.apache.spark.mllib.util.{LocalClusterSparkContext, MLlibTestSparkCont import org.apache.spark.mllib.util.TestingUtils._ import org.apache.spark.util.Utils +object KMeansSuiteHelper { + private[clustering] + def trainKMeans(data: RDD[Vector], + k: Int, + maxIterations: Int, + runs: Int = 1, + initializationMode: String = K_MEANS_PARALLEL, + seed: Long = 42, + vectorFactory: VectorFactory = DenseVectorFactory.instance): KMeansModel = { + KMeans.train(data, k, maxIterations, runs, initializationMode, seed, vectorFactory) + } +} + class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { import org.apache.spark.mllib.clustering.KMeans.{K_MEANS_PARALLEL, RANDOM} + import KMeansSuiteHelper.trainKMeans - test("single cluster") { + private def testSingleCluster(vectorFactory: VectorFactory): Unit = { val data = sc.parallelize(Array( Vectors.dense(1.0, 2.0, 6.0), Vectors.dense(1.0, 3.0, 0.0), @@ -41,30 +58,38 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { // No matter how many runs or iterations we use, we should get one cluster, // centered at the mean of the points - var model = KMeans.train(data, k = 1, maxIterations = 1) + var model = trainKMeans(data, k = 1, maxIterations = 1, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 2) + model = trainKMeans(data, k = 1, maxIterations = 2, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 5) + model = trainKMeans(data, k = 1, maxIterations = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 5) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 5) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 1, initializationMode = RANDOM) + model = trainKMeans( + data, k = 1, maxIterations = 1, runs = 1, initializationMode = RANDOM, + vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train( - data, k = 1, maxIterations = 1, runs = 1, initializationMode = K_MEANS_PARALLEL) + model = trainKMeans( + data, k = 1, maxIterations = 1, runs = 1, initializationMode = K_MEANS_PARALLEL, + vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) } - test("no distinct points") { + test("single cluster") { + testSingleCluster(DenseVectorFactory.instance) + testSingleCluster(SmartVectorFactory.instance) + } + + private def testNoDistinctPoints(vectorFactory: VectorFactory): Unit = { val data = sc.parallelize( Array( Vectors.dense(1.0, 2.0, 3.0), @@ -74,11 +99,16 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { val center = Vectors.dense(1.0, 2.0, 3.0) // Make sure code runs. - var model = KMeans.train(data, k = 2, maxIterations = 1) + var model = trainKMeans(data, k = 2, maxIterations = 1, vectorFactory = vectorFactory) assert(model.clusterCenters.size === 2) } - test("more clusters than points") { + test("no distinct points") { + testNoDistinctPoints(DenseVectorFactory.instance) + testNoDistinctPoints(SmartVectorFactory.instance) + } + + private def testMoreClustersThanPoints(vectorFactory: VectorFactory): Unit = { val data = sc.parallelize( Array( Vectors.dense(1.0, 2.0, 3.0), @@ -86,23 +116,28 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { 2) // Make sure code runs. - var model = KMeans.train(data, k = 3, maxIterations = 1) + var model = trainKMeans(data, k = 3, maxIterations = 1, vectorFactory = vectorFactory) assert(model.clusterCenters.size === 3) } - test("deterministic initialization") { + test("more clusters than points") { + testMoreClustersThanPoints(DenseVectorFactory.instance) + testMoreClustersThanPoints(SmartVectorFactory.instance) + } + + private def testDeterministicInitialization(vectorFactory: VectorFactory): Unit = { // Create a large-ish set of points for clustering val points = List.tabulate(1000)(n => Vectors.dense(n, n)) val rdd = sc.parallelize(points, 3) for (initMode <- Seq(RANDOM, K_MEANS_PARALLEL)) { // Create three deterministic models and compare cluster means - val model1 = KMeans.train(rdd, k = 10, maxIterations = 2, runs = 1, - initializationMode = initMode, seed = 42) + val model1 = trainKMeans(rdd, k = 10, maxIterations = 2, runs = 1, + initializationMode = initMode, seed = 42, vectorFactory = vectorFactory) val centers1 = model1.clusterCenters - val model2 = KMeans.train(rdd, k = 10, maxIterations = 2, runs = 1, - initializationMode = initMode, seed = 42) + val model2 = trainKMeans(rdd, k = 10, maxIterations = 2, runs = 1, + initializationMode = initMode, seed = 42, vectorFactory = vectorFactory) val centers2 = model2.clusterCenters centers1.zip(centers2).foreach { case (c1, c2) => @@ -111,7 +146,12 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { } } - test("single cluster with big dataset") { + test("deterministic initialization") { + testDeterministicInitialization(DenseVectorFactory.instance) + testDeterministicInitialization(SmartVectorFactory.instance) + } + + private def testSingleClusterWithBigDataset(vectorFactory: VectorFactory): Unit = { val smallData = Array( Vectors.dense(1.0, 2.0, 6.0), Vectors.dense(1.0, 3.0, 0.0), @@ -124,32 +164,37 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { val center = Vectors.dense(1.0, 3.0, 4.0) - var model = KMeans.train(data, k = 1, maxIterations = 1) + var model = trainKMeans(data, k = 1, maxIterations = 1, vectorFactory = vectorFactory) assert(model.clusterCenters.size === 1) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 2) + model = trainKMeans(data, k = 1, maxIterations = 2, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 5) + model = trainKMeans(data, k = 1, maxIterations = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 5) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 5) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 1, initializationMode = RANDOM) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 1, + initializationMode = RANDOM, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 1, - initializationMode = K_MEANS_PARALLEL) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 1, + initializationMode = K_MEANS_PARALLEL, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) } - test("single cluster with sparse data") { + test("single cluster with big dataset") { + testSingleClusterWithBigDataset(DenseVectorFactory.instance) + testSingleClusterWithBigDataset(SmartVectorFactory.instance) + } + private def testSingleClusterWithSparseData(vectorFactory: VectorFactory): Unit = { val n = 10000 val data = sc.parallelize((1 to 100).flatMap { i => val x = i / 1000.0 @@ -170,33 +215,38 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { val center = Vectors.sparse(n, Seq((0, 1.0), (1, 3.0), (2, 4.0))) - var model = KMeans.train(data, k = 1, maxIterations = 1) + var model = trainKMeans(data, k = 1, maxIterations = 1, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 2) + model = trainKMeans(data, k = 1, maxIterations = 2, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 5) + model = trainKMeans(data, k = 1, maxIterations = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 5) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 5) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 1, initializationMode = RANDOM) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 1, + initializationMode = RANDOM, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) - model = KMeans.train(data, k = 1, maxIterations = 1, runs = 1, - initializationMode = K_MEANS_PARALLEL) + model = trainKMeans(data, k = 1, maxIterations = 1, runs = 1, + initializationMode = K_MEANS_PARALLEL, vectorFactory = vectorFactory) assert(model.clusterCenters.head ~== center absTol 1E-5) data.unpersist() } - test("k-means|| initialization") { + test("single cluster with sparse data") { + testSingleClusterWithSparseData(DenseVectorFactory.instance) + testSingleClusterWithSparseData(SmartVectorFactory.instance) + } + private def testKMeansParallelInitialization(vectorFactory: VectorFactory): Unit = { case class VectorWithCompare(x: Vector) extends Ordered[VectorWithCompare] { override def compare(that: VectorWithCompare): Int = { if (this.x.toArray.foldLeft[Double](0.0)((acc, x) => acc + x * x) > @@ -221,23 +271,28 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { // it will make at least five passes, and it will give non-zero probability to each // unselected point as long as it hasn't yet selected all of them - var model = KMeans.train(rdd, k = 5, maxIterations = 1) + var model = trainKMeans(rdd, k = 5, maxIterations = 1, vectorFactory = vectorFactory) assert(model.clusterCenters.sortBy(VectorWithCompare(_)) .zip(points.sortBy(VectorWithCompare(_))).forall(x => x._1 ~== (x._2) absTol 1E-5)) // Iterations of Lloyd's should not change the answer either - model = KMeans.train(rdd, k = 5, maxIterations = 10) + model = trainKMeans(rdd, k = 5, maxIterations = 10, vectorFactory = vectorFactory) assert(model.clusterCenters.sortBy(VectorWithCompare(_)) .zip(points.sortBy(VectorWithCompare(_))).forall(x => x._1 ~== (x._2) absTol 1E-5)) // Neither should more runs - model = KMeans.train(rdd, k = 5, maxIterations = 10, runs = 5) + model = trainKMeans(rdd, k = 5, maxIterations = 10, runs = 5, vectorFactory = vectorFactory) assert(model.clusterCenters.sortBy(VectorWithCompare(_)) .zip(points.sortBy(VectorWithCompare(_))).forall(x => x._1 ~== (x._2) absTol 1E-5)) } - test("two clusters") { + test("k-means|| initialization") { + testKMeansParallelInitialization(DenseVectorFactory.instance) + testKMeansParallelInitialization(SmartVectorFactory.instance) + } + + private def testTwoClusters(vectorFactory: VectorFactory): Unit = { val points = Seq( Vectors.dense(0.0, 0.0), Vectors.dense(0.0, 0.1), @@ -250,7 +305,7 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { for (initMode <- Seq(RANDOM, K_MEANS_PARALLEL)) { // Two iterations are sufficient no matter where the initial centers are. - val model = KMeans.train(rdd, k = 2, maxIterations = 2, runs = 1, initMode) + val model = trainKMeans(rdd, k = 2, maxIterations = 2, runs = 1, initializationMode = initMode, vectorFactory = vectorFactory) val predicts = model.predict(rdd).collect() @@ -262,6 +317,11 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { } } + test("two clusters") { + testTwoClusters(DenseVectorFactory.instance) + testTwoClusters(SmartVectorFactory.instance) + } + test("model save/load") { val tempDir = Utils.createTempDir() val path = tempDir.toURI.toString @@ -279,7 +339,7 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { } } - test("Initialize using given cluster centers") { + private def testInitializeUsingGivenClusterCenters(vectorFactory: VectorFactory): Unit = { val points = Seq( Vectors.dense(0.0, 0.0), Vectors.dense(1.0, 0.0), @@ -294,12 +354,17 @@ class KMeansSuite extends SparkFunSuite with MLlibTestSparkContext { .setK(2) .setMaxIterations(0) .setInitialModel(initialModel) + .setVectorFactory(vectorFactory) .run(rdd) - // comparing the returned model and the initial model + // comparing the returned model and the initial model assert(returnModel.clusterCenters(0) === initialModel.clusterCenters(0)) assert(returnModel.clusterCenters(1) === initialModel.clusterCenters(1)) } + test("Initialize using given cluster centers") { + testInitializeUsingGivenClusterCenters(DenseVectorFactory.instance) + testInitializeUsingGivenClusterCenters(SmartVectorFactory.instance) + } } object KMeansSuite extends SparkFunSuite { @@ -327,8 +392,9 @@ object KMeansSuite extends SparkFunSuite { } class KMeansClusterSuite extends SparkFunSuite with LocalClusterSparkContext { + import KMeansSuiteHelper.trainKMeans - test("task size should be small in both training and prediction") { + private def testTaskSizeShouldBeSmallInBoth(vectorFactory: VectorFactory): Unit = { val m = 4 val n = 200000 val points = sc.parallelize(0 until m, 2).mapPartitionsWithIndex { (idx, iter) => @@ -338,9 +404,14 @@ class KMeansClusterSuite extends SparkFunSuite with LocalClusterSparkContext { for (initMode <- Seq(KMeans.RANDOM, KMeans.K_MEANS_PARALLEL)) { // If we serialize data directly in the task closure, the size of the serialized task would be // greater than 1MB and hence Spark would throw an error. - val model = KMeans.train(points, 2, 2, 1, initMode) + val model = trainKMeans(points, 2, 2, 1, initMode, vectorFactory = vectorFactory) val predictions = model.predict(points).collect() val cost = model.computeCost(points) } } + + test("task size should be small in both training and prediction") { + testTaskSizeShouldBeSmallInBoth(DenseVectorFactory.instance) + testTaskSizeShouldBeSmallInBoth(SmartVectorFactory.instance) + } } diff --git a/mllib/src/test/scala/org/apache/spark/mllib/linalg/BLASSuite.scala b/mllib/src/test/scala/org/apache/spark/mllib/linalg/BLASSuite.scala index 80da03cc2efeb..f321b87420fc0 100644 --- a/mllib/src/test/scala/org/apache/spark/mllib/linalg/BLASSuite.scala +++ b/mllib/src/test/scala/org/apache/spark/mllib/linalg/BLASSuite.scala @@ -64,6 +64,24 @@ class BLASSuite extends SparkFunSuite { assert(dx ~== Vectors.dense(0.1, 0.0, -0.2) absTol 1e-15) } + test("unitedIndices") { + val indices1 = Array(0, 2, 4, 4, 7, 8, 15) + val indices2 = Array(4, 9, 100) + + val united = unitedIndices(indices1, indices2) + + assert(united.length == 8) + + assert(united(0) == 0) + assert(united(1) == 2) + assert(united(2) == 4) + assert(united(3) == 7) + assert(united(4) == 8) + assert(united(5) == 9) + assert(united(6) == 15) + assert(united(7) == 100) + } + test("axpy") { val alpha = 0.1 val sx = Vectors.sparse(3, Array(0, 2), Array(1.0, -2.0)) @@ -79,14 +97,22 @@ class BLASSuite extends SparkFunSuite { axpy(alpha, dx, dy2) assert(dy2 ~== expected absTol 1e-15) - val sy = Vectors.sparse(4, Array(0, 1), Array(2.0, 1.0)) + val sy1 = Vectors.dense(dy).toSparse + axpy(alpha, sx, sy1) + assert(sy1 ~== expected absTol 1e-15) + + val sy2 = Vectors.dense(dy).toSparse + axpy(alpha, dx, sy2) + assert(sy2 ~== expected absTol 1e-15) + + val largerSy = Vectors.sparse(4, Array(0, 1), Array(2.0, 1.0)) intercept[IllegalArgumentException] { - axpy(alpha, sx, sy) + axpy(alpha, sx, largerSy) } intercept[IllegalArgumentException] { - axpy(alpha, dx, sy) + axpy(alpha, dx, largerSy) } withClue("vector sizes must match") { diff --git a/tests.log b/tests.log new file mode 100644 index 0000000000000..16bdfad3e09d8 --- /dev/null +++ b/tests.log @@ -0,0 +1,917 @@ +Using /Library/Java/JavaVirtualMachines/jdk1.8.0_65.jdk/Contents/Home as default JAVA_HOME. +Note, this will be overridden by -java-home if it is set. +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +[info] Loading project definition from /Users/royl/git/spark/project/project +[info] Loading project definition from /Users/royl/.sbt/0.13/staging/ad8e8574a5bcb2d22d23/sbt-pom-reader/project +[warn] Multiple resolvers having different access mechanism configured with same name 'sbt-plugin-releases'. To avoid conflict, Remove duplicate project resolvers (`resolvers`) or rename publishing resolver (`publishTo`). +[info] Loading project definition from /Users/royl/git/spark/project +[info] Set current project to spark-parent (in build file:/Users/royl/git/spark/) +[info] ANTLR: Grammar file 'org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g' detected. +[info] ANTLR: Grammar file 'org/apache/spark/sql/catalyst/parser/SparkSqlParser.g' detected. +[info] ScalaTest +[info] ScalaTest +[info] Run completed in 1 second, 192 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Run completed in 1 second, 217 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for test-tags/test:testOnly +[info] No tests to run for spark/test:testOnly +[info] ScalaTest +[info] ScalaTest +[info] Run completed in 34 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Run completed in 35 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for launcher/test:testOnly +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for unsafe/test:testOnly +[info] ScalaTest +[info] Run completed in 21 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-flume-sink/test:testOnly +[info] ScalaTest +[info] Run completed in 15 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for network-common/test:testOnly +[info] ScalaTest +[info] Run completed in 14 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for network-shuffle/test:testOnly +[warn] /Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkEnv.scala:99: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[warn]  actorSystem.shutdown() +[warn]  +[warn] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:124: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[warn]  var messages = g.mapReduceTriplets(sendMsg, mergeMsg) +[warn]  +[warn] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:138: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[warn]  messages = g.mapReduceTriplets( +[warn]  +[warn] /Users/royl/git/spark/streaming/src/main/scala/org/apache/spark/streaming/receiver/ActorReceiver.scala:191: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[warn]  protected lazy val actorSupervisor = SparkEnv.get.actorSystem.actorOf(Props(new Supervisor), +[warn]  +[info] ScalaTest +[info] Run completed in 13 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-flume-assembly/test:testOnly +[info] ScalaTest +[info] Run completed in 16 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-mqtt-assembly/test:testOnly +[info] ScalaTest +[info] Run completed in 19 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for tools/test:testOnly +[info] ScalaTest +[info] Run completed in 13 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-kafka-assembly/test:testOnly +[info] ScalaTest +[info] Run completed in 30 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-zeromq/test:testOnly +[info] ScalaTest +[info] Run completed in 39 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for core/test:testOnly +[info] ScalaTest +[info] Run completed in 76 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-mqtt/test:testOnly +[info] ScalaTest +[info] Run completed in 107 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-twitter/test:testOnly +[info] ScalaTest +[info] Run completed in 116 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-flume/test:testOnly +[info] ScalaTest +[info] Run completed in 44 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-kafka/test:testOnly +[info] ScalaTest +[info] Run completed in 18 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming/test:testOnly +[info] ScalaTest +[info] Run completed in 19 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for graphx/test:testOnly +[info] ScalaTest +[info] Run completed in 12 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for catalyst/test:testOnly +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:388: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(5) +[warn]  +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:516: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(runs) +[warn]  +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:541: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(runs) +[warn]  +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/api/python/PythonMLLibAPI.scala:343: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(runs) +[warn]  +[info] ScalaTest +[info] Run completed in 12 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for assembly/test:testOnly +[info] ScalaTest +[info] Run completed in 16 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for repl/test:testOnly +[info] ScalaTest +[info] Run completed in 16 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for sql/test:testOnly +[info] Compiling 1 Scala source to /Users/royl/git/spark/mllib/target/scala-2.10/test-classes... +[info] ScalaTest +[info] Run completed in 13 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for docker-integration-tests/test:testOnly +[info] ScalaTest +[info] Run completed in 14 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for examples/test:testOnly +[info] ScalaTest +[info] Run completed in 16 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for hive/test:testOnly +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=128M; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=1g; support was removed in 8.0 +[info] StreamingLinearRegressionSuite: +[info] - parameter accuracy (11 seconds, 163 milliseconds) +[info] - parameter convergence (1 second, 623 milliseconds) +[info] - predictions (10 seconds, 299 milliseconds) +[info] - training and prediction (1 second, 361 milliseconds) +[info] - handling empty RDDs in a stream (375 milliseconds) +[info] FPGrowthSuite: +[info] - FP-Growth using String type (238 milliseconds) +[info] - FP-Growth String type association rule generation (110 milliseconds) +[info] - FP-Growth using Int type (163 milliseconds) +SLF4J: Failed to load class "org.slf4j.impl.StaticLoggerBinder". +SLF4J: Defaulting to no-operation (NOP) logger implementation +SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further details. +[info] - model save/load with String type (2 seconds, 412 milliseconds) +[info] - model save/load with Int type (316 milliseconds) +[info] BinaryClassificationMetricsSuite: +[info] - binary evaluation metrics (177 milliseconds) +[info] - binary evaluation metrics for RDD where all examples have positive label (108 milliseconds) +[info] - binary evaluation metrics for RDD where all examples have negative label (95 milliseconds) +[info] - binary evaluation metrics with downsampling (53 milliseconds) +[info] LinearRegressionSuite: +[info] - linear regression (405 milliseconds) +[info] - linear regression without intercept (356 milliseconds) +[info] - sparse linear regression without intercept (1 second, 61 milliseconds) +[info] - model save/load (276 milliseconds) +[info] LinearRegressionClusterSuite: +[info] - task size should be small in both training and prediction (5 seconds, 543 milliseconds) +[info] HashingTFSuite: +[info] - hashing tf on a single doc (4 milliseconds) +[info] - hashing tf on an RDD (10 milliseconds) +[info] PeriodicRDDCheckpointerSuite: +[info] - Persisting (9 milliseconds) +[info] - Checkpointing (155 milliseconds) +[info] KernelDensitySuite: +[info] - kernel density single sample (28 milliseconds) +[info] - kernel density multiple samples (10 milliseconds) +[info] PrefixSpanSuite: +[info] - PrefixSpan internal (integer seq, 0 delim) run, singleton itemsets (152 milliseconds) +[info] - PrefixSpan internal (integer seq, -1 delim) run, variable-size itemsets (34 milliseconds) +[info] - PrefixSpan projections with multiple partial starts (62 milliseconds) +[info] - PrefixSpan Integer type, variable-size itemsets (55 milliseconds) +[info] - PrefixSpan String type, variable-size itemsets (46 milliseconds) +[info] StreamingTestSuite: +[info] - accuracy for null hypothesis using welch t-test (405 milliseconds) +[info] - accuracy for alternative hypothesis using welch t-test (277 milliseconds) +[info] - accuracy for null hypothesis using student t-test (285 milliseconds) +[info] - accuracy for alternative hypothesis using student t-test (271 milliseconds) +[info] - batches within same test window are grouped (339 milliseconds) +[info] - entries in peace period are dropped (10 seconds, 279 milliseconds) +[info] - null hypothesis when only data from one group is present (277 milliseconds) +[info] BinaryClassificationPMMLModelExportSuite: +[info] - logistic regression PMML export (24 milliseconds) +[info] - linear SVM PMML export (1 millisecond) +[info] RidgeRegressionSuite: +[info] - ridge regression can help avoid overfitting (2 seconds, 155 milliseconds) +[info] - model save/load (199 milliseconds) +[info] RidgeRegressionClusterSuite: +[info] - task size should be small in both training and prediction (5 seconds, 428 milliseconds) +[info] GradientBoostedTreesSuite: +[info] - Regression with continuous features: SquaredError (4 seconds, 174 milliseconds) +[info] - Regression with continuous features: Absolute Error (3 seconds, 676 milliseconds) +[info] - Binary classification with continuous features: Log Loss (3 seconds, 829 milliseconds) +[info] - SPARK-5496: BoostingStrategy.defaultParams should recognize Classification (1 millisecond) +[info] - model save/load (51 minutes, 44 seconds) +[info] - runWithValidation stops early and performs better on a validation dataset (10 seconds, 620 milliseconds) +[info] - Checkpointing (474 milliseconds) +[info] MatrixFactorizationModelSuite: +[info] - constructor (50 milliseconds) +[info] - save/load (420 milliseconds) +[info] - batch predict API recommendProductsForUsers (66 milliseconds) +[info] - batch predict API recommendUsersForProducts (30 milliseconds) +[info] Word2VecSuite: +[info] - Word2Vec (176 milliseconds) +[info] - Word2Vec throws exception when vocabulary is empty (13 milliseconds) +[info] - Word2VecModel (0 milliseconds) +[info] - model load / save (233 milliseconds) +[info] - big model load / save (4 seconds, 683 milliseconds) +[info] TestingUtilsSuite: +[info] - Comparing doubles using relative error. (9 milliseconds) +[info] - Comparing doubles using absolute error. (1 millisecond) +[info] - Comparing vectors using relative error. (4 milliseconds) +[info] - Comparing vectors using absolute error. (3 milliseconds) +[info] MultivariateOnlineSummarizerSuite: +[info] - basic error handing (16 milliseconds) +[info] - dense vector input (1 millisecond) +[info] - sparse vector input (0 milliseconds) +[info] - mixing dense and sparse vector input (0 milliseconds) +[info] - merging two summarizers (1 millisecond) +[info] - merging summarizer with empty summarizer (0 milliseconds) +[info] - merging summarizer when one side has zero mean (SPARK-4355) (1 millisecond) +[info] - merging summarizer with weighted samples (2 milliseconds) +[info] ChiSqSelectorSuite: +[info] - ChiSqSelector transform test (sparse & dense vector) (69 milliseconds) +[info] - model load / save (199 milliseconds) +[info] RowMatrixSuite: +[info] - size (19 milliseconds) +[info] - empty rows (9 milliseconds) +[info] - toBreeze (11 milliseconds) +[info] - gram (13 milliseconds) +[info] - similar columns (125 milliseconds) +[info] - svd of a full-rank matrix (729 milliseconds) +[info] - svd of a low-rank matrix (49 milliseconds) +[info] - validate k in svd (2 milliseconds) +[info] - pca (106 milliseconds) +[info] - multiply a local matrix (11 milliseconds) +[info] - compute column summary statistics (11 milliseconds) +[info] - QR Decomposition (114 milliseconds) +[info] - compute covariance (48 milliseconds) +[info] - covariance matrix is symmetric (SPARK-10875) (29 milliseconds) +[info] RowMatrixClusterSuite: +[info] - task size should be small in svd (5 seconds, 792 milliseconds) +[info] - task size should be small in summarize (232 milliseconds) +[info] LassoSuite: +[info] - Lasso local random SGD (716 milliseconds) +[info] - Lasso local random SGD with initial weights (458 milliseconds) +[info] - model save/load (201 milliseconds) +[info] LassoClusterSuite: +[info] - task size should be small in both training and prediction (5 seconds, 104 milliseconds) +[info] NaiveBayesSuite: +[info] - model types (1 millisecond) +[info] - get, set params (2 milliseconds) +[info] - Naive Bayes Multinomial (200 milliseconds) +[info] - Naive Bayes Bernoulli (395 milliseconds) +[info] - detect negative values (55 milliseconds) +[info] - detect non zero or one values in Bernoulli (26 milliseconds) +[info] - model save/load: 2.0 to 2.0 (373 milliseconds) +[info] - model save/load: 1.0 to 2.0 (187 milliseconds) +[info] NaiveBayesClusterSuite: +[info] - task size should be small in both training and prediction (3 seconds, 766 milliseconds) +[info] LabeledPointSuite: +[info] - parse labeled points (4 milliseconds) +[info] - parse labeled points with whitespaces (0 milliseconds) +[info] - parse labeled points with v0.9 format (1 millisecond) +[info] MultilabelMetricsSuite: +[info] - Multilabel evaluation metrics (108 milliseconds) +[info] BreezeVectorConversionSuite: +[info] - dense to breeze (0 milliseconds) +[info] - sparse to breeze (0 milliseconds) +[info] - dense breeze to vector (0 milliseconds) +[info] - sparse breeze to vector (1 millisecond) +[info] - sparse breeze with partially-used arrays to vector (0 milliseconds) +[info] DecisionTreeSuite: +[info] - Binary classification with continuous features: split and bin calculation (50 milliseconds) +[info] - Binary classification with binary (ordered) categorical features: split and bin calculation (20 milliseconds) +[info] - Binary classification with 3-ary (ordered) categorical features, with no samples for one category (18 milliseconds) +[info] - extract categories from a number for multiclass classification (1 millisecond) +[info] - find splits for a continuous feature (284 milliseconds) +[info] - Multiclass classification with unordered categorical features: split and bin calculations (21 milliseconds) +[info] - Multiclass classification with ordered categorical features: split and bin calculations (34 milliseconds) +[info] - Avoid aggregation on the last level (48 milliseconds) +[info] - Avoid aggregation if impurity is 0.0 (37 milliseconds) +[info] - Second level node building with vs. without groups (180 milliseconds) +[info] - Binary classification stump with ordered categorical features (59 milliseconds) +[info] - Regression stump with 3-ary (ordered) categorical features (51 milliseconds) +[info] - Regression stump with binary (ordered) categorical features (56 milliseconds) +[info] - Binary classification stump with fixed label 0 for Gini (101 milliseconds) +[info] - Binary classification stump with fixed label 1 for Gini (95 milliseconds) +[info] - Binary classification stump with fixed label 0 for Entropy (89 milliseconds) +[info] - Binary classification stump with fixed label 1 for Entropy (97 milliseconds) +[info] - Multiclass classification stump with 3-ary (unordered) categorical features (97 milliseconds) +[info] - Binary classification stump with 1 continuous feature, to check off-by-1 error (44 milliseconds) +[info] - Binary classification stump with 2 continuous features (34 milliseconds) +[info] - Multiclass classification stump with unordered categorical features, with just enough bins (88 milliseconds) +[info] - Multiclass classification stump with continuous features (168 milliseconds) +[info] - Multiclass classification stump with continuous + unordered categorical features (165 milliseconds) +[info] - Multiclass classification stump with 10-ary (ordered) categorical features (121 milliseconds) +[info] - Multiclass classification tree with 10-ary (ordered) categorical features, with just enough bins (86 milliseconds) +[info] - split must satisfy min instances per node requirements (46 milliseconds) +[info] - do not choose split that does not satisfy min instance per node requirements (46 milliseconds) +[info] - split must satisfy min info gain requirements (42 milliseconds) +[info] - Node.subtreeIterator (1 millisecond) +[info] - model save/load (381 milliseconds) +[info] ALSSuite: +[info] - rank-1 matrices (796 milliseconds) +[info] - rank-1 matrices bulk (785 milliseconds) +[info] - rank-2 matrices (667 milliseconds) +[info] - rank-2 matrices bulk (824 milliseconds) +[info] - rank-1 matrices implicit (897 milliseconds) +[info] - rank-1 matrices implicit bulk (1 second, 7 milliseconds) +[info] - rank-2 matrices implicit (908 milliseconds) +[info] - rank-2 matrices implicit bulk (1 second, 168 milliseconds) +[info] - rank-2 matrices implicit negative (905 milliseconds) +[info] - rank-2 matrices with different user and product blocks (695 milliseconds) +[info] - pseudorandomness (313 milliseconds) +[info] - Storage Level for RDDs in model (196 milliseconds) +[info] - negative ids (656 milliseconds) +[info] - NNALS, rank 2 (650 milliseconds) +[info] BaggedPointSuite: +[info] - BaggedPoint RDD: without subsampling (15 milliseconds) +[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 1.0) (100 milliseconds) +[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 0.5) (80 milliseconds) +[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 1.0) (54 milliseconds) +[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 0.5) (63 milliseconds) +[info] PMMLModelExportFactorySuite: +[info] - PMMLModelExportFactory create KMeansPMMLModelExport when passing a KMeansModel (8 milliseconds) +[info] - PMMLModelExportFactory create GeneralizedLinearPMMLModelExport when passing a LinearRegressionModel, RidgeRegressionModel or LassoModel (2 milliseconds) +[info] - PMMLModelExportFactory create BinaryClassificationPMMLModelExport when passing a LogisticRegressionModel or SVMModel (0 milliseconds) +[info] - PMMLModelExportFactory throw IllegalArgumentException when passing a Multinomial Logistic Regression (1 millisecond) +[info] - PMMLModelExportFactory throw IllegalArgumentException when passing an unsupported model (1 millisecond) +[info] RandomForestSuite: +[info] - Binary classification with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (625 milliseconds) +[info] - Binary classification with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (642 milliseconds) +[info] - Regression with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (434 milliseconds) +[info] - Regression with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (457 milliseconds) +[info] - Binary classification with continuous features: subsampling features (337 milliseconds) +[info] - Binary classification with continuous features and node Id cache: subsampling features (345 milliseconds) +[info] - alternating categorical and continuous features with multiclass labels to test indexing (53 milliseconds) +[info] - subsampling rate in RandomForest (126 milliseconds) +[info] - model save/load (382 milliseconds) +[info] KMeansPMMLModelExportSuite: +[info] - KMeansPMMLModelExport generate PMML format (1 millisecond) +[info] RDDFunctionsSuite: +[info] - sliding (1 second, 204 milliseconds) +[info] - sliding with empty partitions (15 milliseconds) +[info] KMeansSuite: +[info] - single cluster (815 milliseconds) +[info] - no distinct points (110 milliseconds) +[info] - more clusters than points (101 milliseconds) +[info] - deterministic initialization (488 milliseconds) +[info] - single cluster with big dataset (766 milliseconds) +[info] - single cluster with sparse data (1 second, 161 milliseconds) +[info] - k-means|| initialization (331 milliseconds) +[info] - two clusters (198 milliseconds) +[info] - model save/load (399 milliseconds) +[info] - Initialize using given cluster centers (6 milliseconds) +[info] KMeansClusterSuite: +[info] - task size should be small in both training and prediction (7 seconds, 238 milliseconds) +[info] StandardScalerSuite: +[info] - Standardization with dense input when means and stds are provided (89 milliseconds) +[info] - Standardization with dense input (64 milliseconds) +[info] - Standardization with sparse input when means and stds are provided (37 milliseconds) +[info] - Standardization with sparse input (30 milliseconds) +[info] - Standardization with constant input when means and stds are provided (15 milliseconds) +[info] - Standardization with constant input (14 milliseconds) +[info] - StandardScalerModel argument nulls are properly handled (3 milliseconds) +[info] StreamingLogisticRegressionSuite: +[info] - parameter accuracy (2 seconds, 331 milliseconds) +[info] - parameter convergence (2 seconds, 263 milliseconds) +[info] - predictions (276 milliseconds) +[info] - training and prediction (903 milliseconds) +[info] - handling empty RDDs in a stream (320 milliseconds) +[info] MultivariateGaussianSuite: +[info] - univariate (26 milliseconds) +[info] - multivariate (3 milliseconds) +[info] - multivariate degenerate (1 millisecond) +[info] - SPARK-11302 (1 millisecond) +[info] AssociationRulesSuite: +[info] - association rules using String type (39 milliseconds) +[info] RandomDataGeneratorSuite: +[info] - UniformGenerator (33 milliseconds) +[info] - StandardNormalGenerator (49 milliseconds) +[info] - LogNormalGenerator (265 milliseconds) +[info] - PoissonGenerator (2 seconds, 296 milliseconds) +[info] - ExponentialGenerator (274 milliseconds) +[info] - GammaGenerator (403 milliseconds) +[info] - WeibullGenerator (625 milliseconds) +[info] MLUtilsSuite: +[info] - epsilon computation (0 milliseconds) +[info] - fast squared distance (9 milliseconds) +[info] - loadLibSVMFile (74 milliseconds) +[info] - loadLibSVMFile throws IllegalArgumentException when indices is zero-based (21 milliseconds) +[info] - loadLibSVMFile throws IllegalArgumentException when indices is not in ascending order (19 milliseconds) +[info] - saveAsLibSVMFile (38 milliseconds) +[info] - appendBias (0 milliseconds) +[info] - kFold (3 seconds, 508 milliseconds) +[info] - loadVectors (63 milliseconds) +[info] - loadLabeledPoints (58 milliseconds) +[info] - log1pExp (0 milliseconds) +[info] BlockMatrixSuite: +[info] - size (0 milliseconds) +[info] - grid partitioner (9 milliseconds) +[info] - toCoordinateMatrix (14 milliseconds) +[info] - toIndexedRowMatrix (27 milliseconds) +[info] - toBreeze and toLocalMatrix (9 milliseconds) +[info] - add (141 milliseconds) +[info] - multiply (226 milliseconds) +[info] - simulate multiply (13 milliseconds) +[info] - validate (111 milliseconds) +[info] - transpose (27 milliseconds) +[info] NNLSSuite: +[info] - NNLS: exact solution cases (21 milliseconds) +[info] - NNLS: nonnegativity constraint active (2 milliseconds) +[info] - NNLS: objective value test (0 milliseconds) +[info] MatricesSuite: +[info] - dense matrix construction (0 milliseconds) +[info] - dense matrix construction with wrong dimension (1 millisecond) +[info] - sparse matrix construction (7 milliseconds) +[info] - sparse matrix construction with wrong number of elements (1 millisecond) +[info] - index in matrices incorrect input (3 milliseconds) +[info] - equals (16 milliseconds) +[info] - matrix copies are deep copies (0 milliseconds) +[info] - matrix indexing and updating (1 millisecond) +[info] - toSparse, toDense (1 millisecond) +[info] - map, update (2 milliseconds) +[info] - transpose (1 millisecond) +[info] - foreachActive (1 millisecond) +[info] - horzcat, vertcat, eye, speye (12 milliseconds) +[info] - zeros (1 millisecond) +[info] - ones (3 milliseconds) +[info] - eye (0 milliseconds) +[info] - rand (125 milliseconds) +[info] - randn (2 milliseconds) +[info] - diag (1 millisecond) +[info] - sprand (7 milliseconds) +[info] - sprandn (2 milliseconds) +[info] - MatrixUDT (5 milliseconds) +[info] - toString (13 milliseconds) +[info] - numNonzeros and numActives (1 millisecond) +[info] MLPairRDDFunctionsSuite: +[info] - topByKey (14 milliseconds) +[info] IDFSuite: +[info] - idf (25 milliseconds) +[info] - idf minimum document frequency filtering (23 milliseconds) +[info] IndexedRowMatrixSuite: +[info] - size (15 milliseconds) +[info] - empty rows (8 milliseconds) +[info] - toBreeze (10 milliseconds) +[info] - toRowMatrix (11 milliseconds) +[info] - toCoordinateMatrix (15 milliseconds) +[info] - toBlockMatrix (30 milliseconds) +[info] - multiply a local matrix (31 milliseconds) +[info] - gram (9 milliseconds) +[info] - svd (35 milliseconds) +[info] - validate matrix sizes of svd (16 milliseconds) +[info] - validate k in svd (4 milliseconds) +[info] - similar columns (28 milliseconds) +[info] CorrelationSuite: +[info] - corr(x, y) pearson, 1 value in data (79 milliseconds) +[info] - corr(x, y) default, pearson (98 milliseconds) +[info] - corr(x, y) spearman (214 milliseconds) +[info] - corr(X) default, pearson (22 milliseconds) +[info] - corr(X) spearman (33 milliseconds) +[info] - method identification (0 milliseconds) +[info] FPTreeSuite: +[info] - add transaction (1 millisecond) +[info] - merge tree (0 milliseconds) +[info] - extract freq itemsets (1 millisecond) +[info] LogisticRegressionSuite: +[info] - logistic regression with SGD (639 milliseconds) +[info] - logistic regression with LBFGS (681 milliseconds) +[info] - logistic regression with initial weights with SGD (696 milliseconds) +[info] - logistic regression with initial weights and non-default regularization parameter (497 milliseconds) +[info] - logistic regression with initial weights with LBFGS (595 milliseconds) +[info] - numerical stability of scaling features using logistic regression with LBFGS (3 seconds, 650 milliseconds) +[info] - multinomial logistic regression with LBFGS (28 seconds, 980 milliseconds) +[info] - model save/load: binary classification (301 milliseconds) +[info] - model save/load: multiclass classification (136 milliseconds) +[info] LogisticRegressionClusterSuite: +[info] - task size should be small in both training and prediction using SGD optimizer (4 seconds, 493 milliseconds) +[info] - task size should be small in both training and prediction using LBFGS optimizer (2 seconds, 222 milliseconds) +[info] BLASSuite: +[info] - copy (3 milliseconds) +[info] - scal (0 milliseconds) +[info] - unitedIndices (1 millisecond) +[info] - axpy (4 milliseconds) +[info] - dot (2 milliseconds) +[info] - spr (1 millisecond) +[info] - syr (7 milliseconds) +[info] - gemm (6 milliseconds) +[info] - gemv (3 milliseconds) +[info] GeneralizedLinearPMMLModelExportSuite: +[info] - linear regression PMML export (0 milliseconds) +[info] - ridge regression PMML export (0 milliseconds) +[info] - lasso PMML export (0 milliseconds) +[info] AreaUnderCurveSuite: +[info] - auc computation (12 milliseconds) +[info] - auc of an empty curve (5 milliseconds) +[info] - auc of a curve with a single point (5 milliseconds) +[info] PeriodicGraphCheckpointerSuite: +[info] - Persisting (94 milliseconds) +[info] - Checkpointing (427 milliseconds) +[info] PowerIterationClusteringSuite: +[info] - power iteration clustering (600 milliseconds) +[info] - power iteration clustering on graph (518 milliseconds) +[info] - normalize and powerIter (93 milliseconds) +[info] - model save/load (182 milliseconds) +[info] IsotonicRegressionSuite: +[info] - increasing isotonic regression (41 milliseconds) +[info] - model save/load (184 milliseconds) +[info] - isotonic regression with size 0 (14 milliseconds) +[info] - isotonic regression with size 1 (14 milliseconds) +[info] - isotonic regression strictly increasing sequence (15 milliseconds) +[info] - isotonic regression strictly decreasing sequence (14 milliseconds) +[info] - isotonic regression with last element violating monotonicity (15 milliseconds) +[info] - isotonic regression with first element violating monotonicity (23 milliseconds) +[info] - isotonic regression with negative labels (14 milliseconds) +[info] - isotonic regression with unordered input (15 milliseconds) +[info] - weighted isotonic regression (15 milliseconds) +[info] - weighted isotonic regression with weights lower than 1 (15 milliseconds) +[info] - weighted isotonic regression with negative weights (15 milliseconds) +[info] - weighted isotonic regression with zero weights (14 milliseconds) +[info] - isotonic regression prediction (15 milliseconds) +[info] - isotonic regression prediction with duplicate features (15 milliseconds) +[info] - antitonic regression prediction with duplicate features (17 milliseconds) +[info] - isotonic regression RDD prediction (27 milliseconds) +[info] - antitonic regression prediction (15 milliseconds) +[info] - model construction (2 milliseconds) +[info] NumericParserSuite: +[info] - parser (2 milliseconds) +[info] - parser with whitespaces (0 milliseconds) +[info] MulticlassMetricsSuite: +[info] - Multiclass evaluation metrics (52 milliseconds) +[info] RandomRDDsSuite: +[info] - RandomRDD sizes (40 milliseconds) +[info] - randomRDD for different distributions (1 second, 551 milliseconds) +[info] - randomVectorRDD for different distributions (1 second, 763 milliseconds) +[info] NormalizerSuite: +[info] - Normalization using L1 distance (19 milliseconds) +[info] - Normalization using L2 distance (12 milliseconds) +[info] - Normalization using L^Inf distance. (14 milliseconds) +[info] BreezeMatrixConversionSuite: +[info] - dense matrix to breeze (0 milliseconds) +[info] - dense breeze matrix to matrix (0 milliseconds) +[info] - sparse matrix to breeze (0 milliseconds) +[info] - sparse breeze matrix to sparse matrix (0 milliseconds) +[info] CoordinateMatrixSuite: +[info] - size (8 milliseconds) +[info] - empty entries (7 milliseconds) +[info] - toBreeze (4 milliseconds) +[info] - transpose (9 milliseconds) +[info] - toIndexedRowMatrix (14 milliseconds) +[info] - toRowMatrix (15 milliseconds) +[info] - toBlockMatrix (26 milliseconds) +[info] GradientDescentSuite: +[info] - Assert the loss is decreasing. (641 milliseconds) +[info] - Test the loss and gradient of first iteration with regularization. (231 milliseconds) +[info] - iteration should end with convergence tolerance (180 milliseconds) +[info] GradientDescentClusterSuite: +[info] - task size should be small (4 seconds, 162 milliseconds) +[info] VectorsSuite: +[info] - dense vector construction with varargs (0 milliseconds) +[info] - dense vector construction from a double array (0 milliseconds) +[info] - sparse vector construction (0 milliseconds) +[info] - sparse vector construction with unordered elements (0 milliseconds) +[info] - sparse vector construction with mismatched indices/values array (1 millisecond) +[info] - sparse vector construction with too many indices vs size (0 milliseconds) +[info] - dense to array (1 millisecond) +[info] - dense argmax (0 milliseconds) +[info] - sparse to array (0 milliseconds) +[info] - sparse argmax (0 milliseconds) +[info] - vector equals (2 milliseconds) +[info] - vectors equals with explicit 0 (2 milliseconds) +[info] - indexing dense vectors (0 milliseconds) +[info] - indexing sparse vectors (0 milliseconds) +[info] - parse vectors (3 milliseconds) +[info] - zeros (0 milliseconds) +[info] - Vector.copy (1 millisecond) +[info] - VectorUDT (1 millisecond) +[info] - fromBreeze (0 milliseconds) +[info] - sqdist (9 milliseconds) +[info] - foreachActive (2 milliseconds) +[info] - vector p-norm (4 milliseconds) +[info] - Vector numActive and numNonzeros (1 millisecond) +[info] - Vector toSparse and toDense (1 millisecond) +[info] - Vector.compressed (0 milliseconds) +[info] - SparseVector.slice (1 millisecond) +[info] - toJson/fromJson (7 milliseconds) +[info] PCASuite: +[info] - Correct computing use a PCA wrapper (47 milliseconds) +[info] GaussianMixtureSuite: +[info] - single cluster (157 milliseconds) +[info] - two clusters (28 milliseconds) +[info] - two clusters with distributed decompositions (165 milliseconds) +[info] - single cluster with sparse data (140 milliseconds) +[info] - two clusters with sparse data (21 milliseconds) +[info] - model save / load (265 milliseconds) +[info] - model prediction, parallel and local (86 milliseconds) +[info] LBFGSSuite: +[info] - LBFGS loss should be decreasing and match the result of Gradient Descent. (3 seconds, 298 milliseconds) +[info] - LBFGS and Gradient Descent with L2 regularization should get the same result. (3 seconds, 205 milliseconds) +[info] - The convergence criteria should work as we expect. (1 second, 193 milliseconds) +[info] - Optimize via class LBFGS. (3 seconds, 361 milliseconds) +[info] LBFGSClusterSuite: +[info] - task size should be small (5 seconds, 968 milliseconds) +[info] RegressionMetricsSuite: +[info] - regression metrics for unbiased (includes intercept term) predictor (15 milliseconds) +[info] - regression metrics for biased (no intercept term) predictor (9 milliseconds) +[info] - regression metrics with complete fitting (6 milliseconds) +[info] StreamingKMeansSuite: +[info] - accuracy for single center and equivalence to grand average (408 milliseconds) +[info] - accuracy for two centers (386 milliseconds) +[info] - detecting dying clusters (474 milliseconds) +[info] - SPARK-7946 setDecayFactor (1 millisecond) +[info] PythonMLLibAPISuite: +[info] - pickle vector (4 milliseconds) +[info] - pickle labeled point (2 milliseconds) +[info] - pickle double (0 milliseconds) +[info] - pickle matrix (0 milliseconds) +[info] - pickle rating (2 milliseconds) +[info] SVMSuite: +[info] - SVM with threshold (1 second, 12 milliseconds) +[info] - SVM using local random SGD (904 milliseconds) +[info] - SVM local random SGD with initial weights (818 milliseconds) +[info] - SVM with invalid labels (5 seconds, 920 milliseconds) +[info] - model save/load (291 milliseconds) +[info] SVMClusterSuite: +[info] - task size should be small in both training and prediction (4 seconds, 401 milliseconds) +[info] BisectingKMeansSuite: +[info] - default values (2 milliseconds) +[info] - setter/getter (4 milliseconds) +[info] - 1D data (112 milliseconds) +[info] - points are the same (18 milliseconds) +[info] - more desired clusters than points (76 milliseconds) +[info] - min divisible cluster (98 milliseconds) +[info] - larger clusters get selected first (43 milliseconds) +[info] - 2D data (129 milliseconds) +[info] LDASuite: +[info] - LocalLDAModel (11 milliseconds) +[info] - running and DistributedLDAModel with default Optimizer (EM) (347 milliseconds) +[info] - vertex indexing (2 milliseconds) +[info] - setter alias (1 millisecond) +[info] - initializing with alpha length != k or 1 fails (2 milliseconds) +[info] - initializing with elements in alpha < 0 fails (1 millisecond) +[info] - OnlineLDAOptimizer initialization (15 milliseconds) +[info] - OnlineLDAOptimizer one iteration (42 milliseconds) +[info] - OnlineLDAOptimizer with toy data (1 second, 397 milliseconds) +[info] - LocalLDAModel logLikelihood (20 milliseconds) +[info] - LocalLDAModel logPerplexity (10 milliseconds) +[info] - LocalLDAModel predict (30 milliseconds) +[info] - OnlineLDAOptimizer with asymmetric prior (1 second, 290 milliseconds) +[info] - OnlineLDAOptimizer alpha hyperparameter optimization (1 second, 222 milliseconds) +[info] - model save/load (796 milliseconds) +[info] - EMLDAOptimizer with empty docs (117 milliseconds) +[info] - OnlineLDAOptimizer with empty docs (55 milliseconds) +[info] ImpuritySuite: +[info] - Gini impurity does not support negative labels (1 millisecond) +[info] - Entropy does not support negative labels (1 millisecond) +[info] ElementwiseProductSuite: +[info] - elementwise (hadamard) product should properly apply vector to dense data set (9 milliseconds) +[info] - elementwise (hadamard) product should properly apply vector to sparse data set (13 milliseconds) +[info] HypothesisTestSuite: +[info] - chi squared pearson goodness of fit (5 milliseconds) +[info] - chi squared pearson matrix independence (1 millisecond) +[info] - chi squared pearson RDD[LabeledPoint] (1 second, 654 milliseconds) +[info] - 1 sample Kolmogorov-Smirnov test: apache commons math3 implementation equivalence (2 seconds, 424 milliseconds) +[info] - 1 sample Kolmogorov-Smirnov test: R implementation equivalence (33 milliseconds) +[info] RankingMetricsSuite: +[info] - Ranking metrics: map, ndcg (64 milliseconds) +[info] Test run started +[info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.testPredictJavaRDD started +[info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.runUsingConstructor started +[info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.runUsingStaticMethods started +[info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.testModelTypeSetters started +[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.21s +[info] Test run started +[info] Test org.apache.spark.mllib.classification.JavaStreamingLogisticRegressionSuite.javaAPI started +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.296s +[info] Test run started +[info] Test org.apache.spark.mllib.fpm.JavaFPGrowthSuite.runFPGrowthSaveLoad started +[info] Test org.apache.spark.mllib.fpm.JavaFPGrowthSuite.runFPGrowth started +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.321s +[info] Test run started +[info] Test org.apache.spark.mllib.fpm.JavaPrefixSpanSuite.runPrefixSpan started +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.11s +[info] Test run started +[info] Test org.apache.spark.mllib.clustering.JavaStreamingKMeansSuite.javaAPI started +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.224s +[info] Test run started +[info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.testPredictJavaRDD started +[info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.runLinearRegressionUsingStaticMethods started +[info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.runLinearRegressionUsingConstructor started +[info] Test run finished: 0 failed, 0 ignored, 3 total, 1.116s +[info] Test run started +[info] Test org.apache.spark.mllib.classification.JavaLogisticRegressionSuite.runLRUsingConstructor started +[info] Test org.apache.spark.mllib.classification.JavaLogisticRegressionSuite.runLRUsingStaticMethods started +[info] Test run finished: 0 failed, 0 ignored, 2 total, 5.793s +[info] Test run started +[info] Test org.apache.spark.mllib.clustering.JavaGaussianMixtureSuite.runGaussianMixture started +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.059s +[info] Test run started +[info] Test org.apache.spark.mllib.regression.JavaStreamingLinearRegressionSuite.javaAPI started +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.273s +[info] Test run started +[info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.testPredictJavaRDD started +[info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.runKMeansUsingConstructor started +[info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.runKMeansUsingStaticMethods started +[info] Test run finished: 0 failed, 0 ignored, 3 total, 0.501s +[info] Test run started +[info] Test org.apache.spark.mllib.feature.JavaTfIdfSuite.tfIdfMinimumDocumentFrequency started +[info] Test org.apache.spark.mllib.feature.JavaTfIdfSuite.tfIdf started +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.763s +[info] Test run started +[info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.testCorr started +[info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.chiSqTest started +[info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.streamingTest started +[info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.kolmogorovSmirnovTest started +[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.435s +[info] Test run started +[info] Test org.apache.spark.mllib.regression.JavaIsotonicRegressionSuite.testIsotonicRegressionJavaRDD started +[info] Test org.apache.spark.mllib.regression.JavaIsotonicRegressionSuite.testIsotonicRegressionPredictionsJavaRDD started +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.125s +[info] Test run started +[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runALSUsingStaticMethods started +[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSUsingConstructor started +[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runRecommend started +[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSWithNegativeWeight started +[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSUsingStaticMethods started +[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runALSUsingConstructor started +[info] Test run finished: 0 failed, 0 ignored, 6 total, 5.56s +[info] Test run started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testNormalVectorRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testArbitrary started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testLogNormalVectorRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testExponentialVectorRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testUniformRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testRandomVectorRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testGammaRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testUniformVectorRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testPoissonRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testNormalRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testPoissonVectorRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testGammaVectorRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testExponentialRDD started +[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testLNormalRDD started +[info] Test run finished: 0 failed, 0 ignored, 14 total, 0.768s +[info] Test run started +[info] Test org.apache.spark.mllib.tree.JavaDecisionTreeSuite.runDTUsingStaticMethods started +[info] Test org.apache.spark.mllib.tree.JavaDecisionTreeSuite.runDTUsingConstructor started +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.224s +[info] Test run started +[info] Test org.apache.spark.mllib.linalg.JavaVectorsSuite.denseArrayConstruction started +[info] Test org.apache.spark.mllib.linalg.JavaVectorsSuite.sparseArrayConstruction started +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.001s +[info] Test run started +[info] Test org.apache.spark.mllib.clustering.JavaLDASuite.onlineOptimizerCompatibility started +[info] Test org.apache.spark.mllib.clustering.JavaLDASuite.distributedLDAModel started +[info] Test org.apache.spark.mllib.clustering.JavaLDASuite.localLDAModel started +[info] Test org.apache.spark.mllib.clustering.JavaLDASuite.localLdaMethods started +[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.532s +[info] Test run started +[info] Test org.apache.spark.mllib.regression.JavaRidgeRegressionSuite.runRidgeRegressionUsingConstructor started +[info] Test org.apache.spark.mllib.regression.JavaRidgeRegressionSuite.runRidgeRegressionUsingStaticMethods started +[info] Test run finished: 0 failed, 0 ignored, 2 total, 3.217s +[info] Test run started +[info] Test org.apache.spark.mllib.classification.JavaSVMSuite.runSVMUsingConstructor started +[info] Test org.apache.spark.mllib.classification.JavaSVMSuite.runSVMUsingStaticMethods started +[info] Test run finished: 0 failed, 0 ignored, 2 total, 1.959s +[info] Test run started +[info] Test org.apache.spark.mllib.feature.JavaWord2VecSuite.word2Vec started +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.093s +[info] Test run started +[info] Test org.apache.spark.mllib.evaluation.JavaRankingMetricsSuite.rankingMetrics started +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.043s +[info] Test run started +[info] Test org.apache.spark.mllib.fpm.JavaAssociationRulesSuite.runAssociationRules started +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.035s +[info] Test run started +[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.zerosMatrixConstruction started +[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.identityMatrixConstruction started +[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.concatenateMatrices started +[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.sparseDenseConversion started +[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.randMatrixConstruction started +[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.diagonalMatrixConstruction started +[info] Test run finished: 0 failed, 0 ignored, 6 total, 0.004s +[info] Test run started +[info] Test org.apache.spark.mllib.regression.JavaLassoSuite.runLassoUsingConstructor started +[info] Test org.apache.spark.mllib.regression.JavaLassoSuite.runLassoUsingStaticMethods started +[info] Test run finished: 0 failed, 0 ignored, 2 total, 4.676s +[info] Test run started +[info] Test org.apache.spark.mllib.clustering.JavaBisectingKMeansSuite.twoDimensionalData started +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.124s +-- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas3179948738685033231/libjblas.dylib +-- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas3179948738685033231/libjblas_arch_flavor.dylib +-- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas3179948738685033231 +[info] ScalaTest +[info] Run completed in 56 minutes, 25 seconds. +[info] Total number of tests run: 452 +[info] Suites: completed 83, aborted 0 +[info] Tests: succeeded 452, failed 0, canceled 0, ignored 0, pending 0 +[info] All tests passed. +[info] Passed: Total 523, Failed 0, Errors 0, Passed 523 +[success] Total time: 3402 s, completed Jan 13, 2016 9:51:42 AM From c5a8e7fb1e27eeedacc3e6352e0e4544c65cf413 Mon Sep 17 00:00:00 2001 From: Roy Levin Date: Wed, 13 Jan 2016 20:51:53 +0200 Subject: [PATCH 2/5] add newspace at eof --- .../main/scala/org/apache/spark/mllib/clustering/KMeans.scala | 2 +- 1 file changed, 1 insertion(+), 1 deletion(-) diff --git a/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala b/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala index 99b69bebcc834..d27da02497489 100644 --- a/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala +++ b/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala @@ -661,4 +661,4 @@ class SmartVectorFactory private() extends VectorFactory { object SmartVectorFactory { val instance = new SmartVectorFactory -} \ No newline at end of file +} From b004b25bd7b467d99bc4765a9030792afdb7691a Mon Sep 17 00:00:00 2001 From: Roy Levin Date: Thu, 14 Jan 2016 05:41:21 +0200 Subject: [PATCH 3/5] some slight improvements --- .../org/apache/spark/mllib/linalg/BLAS.scala | 3 +- mvn.build.log | 8106 +++++++++++++++++ tests.log | 1059 ++- 3 files changed, 8670 insertions(+), 498 deletions(-) create mode 100644 mvn.build.log diff --git a/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala b/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala index a82fe2d7fbe5c..066b6dffcf23d 100644 --- a/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala +++ b/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala @@ -41,7 +41,6 @@ private[spark] object BLAS extends Serializable with Logging { // equivalent to xIndices.union(yIndices).distinct.sortBy(i => i) def unitedIndices(xSortedIndices: Array[Int], ySortedIndices: Array[Int]): Array[Int] = { val arr = new Array[Int](xSortedIndices.length + ySortedIndices.length) - (0 until arr.length).foreach(i => arr(i) = -1) var xj = 0 var yj = 0 @@ -71,7 +70,7 @@ private[spark] object BLAS extends Serializable with Logging { previ = i } - arr.filter(_ != -1) + arr.slice(0, j) } /** diff --git a/mvn.build.log b/mvn.build.log new file mode 100644 index 0000000000000..693873b4eaf86 --- /dev/null +++ b/mvn.build.log @@ -0,0 +1,8106 @@ +[INFO] Scanning for projects... +[INFO] ------------------------------------------------------------------------ +[INFO] Reactor Build Order: +[INFO] +[INFO] Spark Project Parent POM +[INFO] Spark Project Test Tags +[INFO] Spark Project Launcher +[INFO] Spark Project Networking +[INFO] Spark Project Shuffle Streaming Service +[INFO] Spark Project Unsafe +[INFO] Spark Project Core +[INFO] Spark Project GraphX +[INFO] Spark Project Streaming +[INFO] Spark Project Catalyst +[INFO] Spark Project SQL +[INFO] Spark Project ML Library +[INFO] Spark Project Tools +[INFO] Spark Project Hive +[INFO] Spark Project Docker Integration Tests +[INFO] Spark Project REPL +[INFO] Spark Project Assembly +[INFO] Spark Project External Twitter +[INFO] Spark Project External Flume Sink +[INFO] Spark Project External Flume +[INFO] Spark Project External Flume Assembly +[INFO] Spark Project External MQTT +[INFO] Spark Project External MQTT Assembly +[INFO] Spark Project External ZeroMQ +[INFO] Spark Project External Kafka +[INFO] Spark Project Examples +[INFO] Spark Project External Kafka Assembly +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Parent POM 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-parent_2.10 --- +[INFO] Deleting /Users/royl/git/spark/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-parent_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-parent_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-parent_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-parent_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-parent_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-parent_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-parent_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-parent_2.10 --- +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-parent_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-parent_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/target/spark-parent_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-parent_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-parent_2.10 --- +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-parent_2.10 --- +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-parent_2.10 --- +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-parent_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-parent_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-parent_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-parent_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-parent_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-parent_2.10 --- +[INFO] No source files found +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-parent_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/src/main/scala +Saving to outputFile=/Users/royl/git/spark/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 99 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-parent_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-parent_2.10 --- +[INFO] Installing /Users/royl/git/spark/pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-parent_2.10/2.0.0-SNAPSHOT/spark-parent_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/target/spark-parent_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-parent_2.10/2.0.0-SNAPSHOT/spark-parent_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Test Tags 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-test-tags_2.10 --- +[INFO] Deleting /Users/royl/git/spark/tags/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-test-tags_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-test-tags_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/tags/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/tags/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-test-tags_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/scalatest/scalatest_2.10/2.2.1/scalatest_2.10-2.2.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-test-tags_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-test-tags_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/tags/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-test-tags_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 3 Java sources to /Users/royl/git/spark/tags/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-test-tags_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 3 source files to /Users/royl/git/spark/tags/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-test-tags_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/tags/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-test-tags_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/tags/src/test/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-test-tags_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-test-tags_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-test-tags_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-test-tags_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-test-tags_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-test-tags_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-test-tags_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-test-tags_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-test-tags_2.10 --- +[INFO] Excluding org.scalatest:scalatest_2.10:jar:2.2.1 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/tags/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/tags/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-test-tags_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-test-tags_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-test-tags_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-test-tags_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-test-tags_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-test-tags_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/scalatest/scalatest_2.10/2.2.1/scalatest_2.10-2.2.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-test-tags_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-test-tags_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 8 documentable templates +[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-test-tags_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/tags/src/main/scala +Saving to outputFile=/Users/royl/git/spark/tags/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 0 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-test-tags_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-test-tags_2.10 --- +[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/tags/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Launcher 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-launcher_2.10 --- +[INFO] Deleting /Users/royl/git/spark/launcher/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-launcher_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-launcher_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/launcher/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/launcher/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-launcher_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-launcher_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-launcher_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/launcher/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-launcher_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 15 Java sources to /Users/royl/git/spark/launcher/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-launcher_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 15 source files to /Users/royl/git/spark/launcher/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-launcher_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/launcher/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-launcher_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 2 resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-launcher_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 5 Java sources to /Users/royl/git/spark/launcher/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-launcher_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 5 source files to /Users/royl/git/spark/launcher/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-launcher_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-launcher_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-launcher_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-launcher_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-launcher_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-launcher_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-launcher_2.10 --- +[INFO] Excluding commons-io:commons-io:jar:2.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/launcher/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/launcher/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/launcher/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-launcher_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-launcher_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-launcher_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-launcher_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-launcher_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-launcher_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-launcher_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-launcher_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 7 documentable templates +[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-launcher_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/launcher/src/main/scala +Saving to outputFile=/Users/royl/git/spark/launcher/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 1 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-launcher_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-launcher_2.10 --- +[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/launcher/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Networking 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-network-common_2.10 --- +[INFO] Deleting /Users/royl/git/spark/network/common/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-network-common_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-network-common_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/network/common/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/network/common/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-network-common_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/com/google/guava/guava/14.0.1/guava-14.0.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-network-common_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-network-common_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/network/common/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-network-common_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 65 Java sources to /Users/royl/git/spark/network/common/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-network-common_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 65 source files to /Users/royl/git/spark/network/common/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-network-common_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/network/common/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-network-common_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-network-common_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 12 Java sources to /Users/royl/git/spark/network/common/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-network-common_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 12 source files to /Users/royl/git/spark/network/common/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-network-common_2.10 --- +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (test-jar-on-test-compile) @ spark-network-common_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-network-common_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-network-common_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-network-common_2.10 --- +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-network-common_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-network-common_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-network-common_2.10 --- +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Including com.google.guava:guava:jar:14.0.1 in the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/common/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/common/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/common/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-network-common_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-network-common_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-network-common_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-network-common_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-network-common_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-network-common_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/com/google/guava/guava/14.0.1/guava-14.0.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-network-common_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-network-common_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 70 documentable templates +[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-network-common_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/network/common/src/main/scala +Saving to outputFile=/Users/royl/git/spark/network/common/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 0 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-network-common_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-network-common_2.10 --- +[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/network/common/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Shuffle Streaming Service 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-network-shuffle_2.10 --- +[INFO] Deleting /Users/royl/git/spark/network/shuffle/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-network-shuffle_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-network-shuffle_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/network/shuffle/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/network/shuffle/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-network-shuffle_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-network-shuffle_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-network-shuffle_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/network/shuffle/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-network-shuffle_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 16 Java sources to /Users/royl/git/spark/network/shuffle/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-network-shuffle_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 16 source files to /Users/royl/git/spark/network/shuffle/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-network-shuffle_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/network/shuffle/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-network-shuffle_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/network/shuffle/src/test/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-network-shuffle_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 10 Java sources to /Users/royl/git/spark/network/shuffle/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-network-shuffle_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 10 source files to /Users/royl/git/spark/network/shuffle/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-network-shuffle_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-network-shuffle_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-network-shuffle_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-network-shuffle_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-network-shuffle_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-network-shuffle_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-network-shuffle_2.10 --- +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/shuffle/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/shuffle/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/shuffle/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-network-shuffle_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-network-shuffle_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-network-shuffle_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-network-shuffle_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-network-shuffle_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-network-shuffle_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-network-shuffle_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-network-shuffle_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 26 documentable templates +[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-network-shuffle_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/network/shuffle/src/main/scala +Saving to outputFile=/Users/royl/git/spark/network/shuffle/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 1 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-network-shuffle_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-network-shuffle_2.10 --- +[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/network/shuffle/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Unsafe 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-unsafe_2.10 --- +[INFO] Deleting /Users/royl/git/spark/unsafe/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-unsafe_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-unsafe_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/unsafe/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/unsafe/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-unsafe_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-unsafe_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-unsafe_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/unsafe/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-unsafe_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 14 Java sources to /Users/royl/git/spark/unsafe/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-unsafe_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 14 source files to /Users/royl/git/spark/unsafe/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-unsafe_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/unsafe/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-unsafe_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/unsafe/src/test/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-unsafe_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 1 Scala source and 5 Java sources to /Users/royl/git/spark/unsafe/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-unsafe_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 5 source files to /Users/royl/git/spark/unsafe/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-unsafe_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-unsafe_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-unsafe_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-unsafe_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-unsafe_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-unsafe_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-unsafe_2.10 --- +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/unsafe/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/unsafe/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/unsafe/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-unsafe_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-unsafe_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-unsafe_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-unsafe_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-unsafe_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-unsafe_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-unsafe_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-unsafe_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 24 documentable templates +[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-unsafe_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/unsafe/src/main/scala +Saving to outputFile=/Users/royl/git/spark/unsafe/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 1 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-unsafe_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-unsafe_2.10 --- +[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/unsafe/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Core 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-core_2.10 --- +[INFO] Deleting /Users/royl/git/spark/core/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-core_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-core_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/core/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/core/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-core_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-servlet/8.1.14.v20131031/jetty-servlet-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-continuation/8.1.14.v20131031/jetty-continuation-8.1.14.v20131031.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.2/commons-math-2.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-security/8.1.14.v20131031/jetty-security-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.mail.glassfish/1.4.1.v201005082020/javax.mail.glassfish-1.4.1.v201005082020.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.activation/1.1.0.v201105071233/javax.activation-1.1.0.v201105071233.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-http/8.1.14.v20131031/jetty-http-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-plus/8.1.14.v20131031/jetty-plus-8.1.14.v20131031.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-jndi/8.1.14.v20131031/jetty-jndi-8.1.14.v20131031.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-webapp/8.1.14.v20131031/jetty-webapp-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-server/8.1.14.v20131031/jetty-server-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-io/8.1.14.v20131031/jetty-io-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.transaction/1.1.1.v201105210645/javax.transaction-1.1.1.v201105210645.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-xml/8.1.14.v20131031/jetty-xml-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-util/8.1.14.v20131031/jetty-util-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-core_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-core_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 20 resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-core_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 475 Scala sources and 78 Java sources to /Users/royl/git/spark/core/target/scala-2.10/classes... +[WARNING] /Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkEnv.scala:99: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[WARNING] actorSystem.shutdown() +[WARNING] ^ +[WARNING] one warning found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-core_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 78 source files to /Users/royl/git/spark/core/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-core_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/core/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-core_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 59 resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-core_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 194 Scala sources and 18 Java sources to /Users/royl/git/spark/core/target/scala-2.10/test-classes... +[WARNING] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/SparkListenerSuite.scala:294: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[WARNING] sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt +[WARNING] ^ +[WARNING] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/TaskResultGetterSuite.scala:93: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[WARNING] sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt +[WARNING] ^ +[WARNING] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/TaskResultGetterSuite.scala:118: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[WARNING] sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt +[WARNING] ^ +[WARNING] three warnings found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-core_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 18 source files to /Users/royl/git/spark/core/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-core_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-core_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-core_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-core_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-core_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-core_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:copy-dependencies (copy-dependencies) @ spark-core_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-core_2.10 --- +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Including org.eclipse.jetty:jetty-plus:jar:8.1.14.v20131031 in the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.transaction:jar:1.1.1.v201105210645 from the shaded jar. +[INFO] Excluding org.eclipse.jetty:jetty-webapp:jar:8.1.14.v20131031 from the shaded jar. +[INFO] Excluding org.eclipse.jetty:jetty-xml:jar:8.1.14.v20131031 from the shaded jar. +[INFO] Excluding org.eclipse.jetty:jetty-jndi:jar:8.1.14.v20131031 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.mail.glassfish:jar:1.4.1.v201005082020 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.activation:jar:1.1.0.v201105071233 from the shaded jar. +[INFO] Including org.eclipse.jetty:jetty-security:jar:8.1.14.v20131031 in the shaded jar. +[INFO] Including org.eclipse.jetty:jetty-util:jar:8.1.14.v20131031 in the shaded jar. +[INFO] Including org.eclipse.jetty:jetty-server:jar:8.1.14.v20131031 in the shaded jar. +[INFO] Including org.eclipse.jetty:jetty-http:jar:8.1.14.v20131031 in the shaded jar. +[INFO] Including org.eclipse.jetty:jetty-io:jar:8.1.14.v20131031 in the shaded jar. +[INFO] Including org.eclipse.jetty:jetty-continuation:jar:8.1.14.v20131031 in the shaded jar. +[INFO] Including org.eclipse.jetty:jetty-servlet:jar:8.1.14.v20131031 in the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. +[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. +[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.2 from the shaded jar. +[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. +[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/core/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/core/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/core/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-core_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-core_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-core_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-core_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-core_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-core_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-servlet/8.1.14.v20131031/jetty-servlet-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-continuation/8.1.14.v20131031/jetty-continuation-8.1.14.v20131031.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.2/commons-math-2.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-security/8.1.14.v20131031/jetty-security-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.mail.glassfish/1.4.1.v201005082020/javax.mail.glassfish-1.4.1.v201005082020.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.activation/1.1.0.v201105071233/javax.activation-1.1.0.v201105071233.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-http/8.1.14.v20131031/jetty-http-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-plus/8.1.14.v20131031/jetty-plus-8.1.14.v20131031.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-jndi/8.1.14.v20131031/jetty-jndi-8.1.14.v20131031.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-webapp/8.1.14.v20131031/jetty-webapp-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-server/8.1.14.v20131031/jetty-server-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-io/8.1.14.v20131031/jetty-io-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.transaction/1.1.1.v201105210645/javax.transaction-1.1.1.v201105210645.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-xml/8.1.14.v20131031/jetty-xml-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-util/8.1.14.v20131031/jetty-util-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-core_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-core_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 322 documentable templates +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/TaskEndReason.scala:65: warning: Could not find any member to link for "org.apache.spark.scheduler.ShuffleMapTask". +/** +^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/package.scala:20: warning: Could not find any member to link for "org.apache.spark.scheduler.DAGScheduler". +/** +^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala:638: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: +[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] +[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions +[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions + + +Quick crash course on using Scaladoc links +========================================== +Disambiguating terms and types: Prefix terms with '$' and types with '!' in case both names are in use: + - [[scala.collection.immutable.List!.apply class List's apply method]] and + - [[scala.collection.immutable.List$.apply object List's apply method]] +Disambiguating overloaded members: If a term is overloaded, you can indicate the first part of its signature followed by *: + - [[[scala.collection.immutable.List$.fill[A](Int)(⇒A):List[A]* Fill with a single parameter]]] + - [[[scala.collection.immutable.List$.fill[A](Int,Int)(⇒A):List[List[A]]* Fill with a two parameters]]] +Notes: + - you can use any number of matching square brackets to avoid interference with the signature + - you can use \\. to escape dots in prefixes (don't forget to use * at the end to match the signature!) + - you can use \\# to escape hashes, otherwise they will be considered as delimiters, like dots. + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala:623: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: +[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] +[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions +[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala:610: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: +[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] +[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions +[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala:1678: warning: The link target "PairRDDFunctions.reduceByKey" is ambiguous. Several members fit the target: +(func: (V, V) => V): org.apache.spark.rdd.RDD[(K, V)] in class PairRDDFunctions [chosen] +(func: (V, V) => V,numPartitions: Int): org.apache.spark.rdd.RDD[(K, V)] in class PairRDDFunctions +(partitioner: org.apache.spark.Partitioner,func: (V, V) => V): org.apache.spark.rdd.RDD[(K, V)] in class PairRDDFunctions + + +/** +^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:594: warning: The link target "combineByKeyWithClassTag" is ambiguous. Several members fit the target: +[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions [chosen] +[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,numPartitions: Int)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions +[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,partitioner: org.apache.spark.Partitioner,mapSideCombine: Boolean,serializer: org.apache.spark.serializer.Serializer)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:123: warning: The link target "combineByKeyWithClassTag" is ambiguous. Several members fit the target: +[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions [chosen] +[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,numPartitions: Int)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions +[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,partitioner: org.apache.spark.Partitioner,mapSideCombine: Boolean,serializer: org.apache.spark.serializer.Serializer)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:105: warning: The link target "combineByKeyWithClassTag" is ambiguous. Several members fit the target: +[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions [chosen] +[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,numPartitions: Int)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions +[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,partitioner: org.apache.spark.Partitioner,mapSideCombine: Boolean,serializer: org.apache.spark.serializer.Serializer)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:621: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: +[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] +[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions +[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:501: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: +[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] +[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions +[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:476: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: +[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] +[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions +[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/NewHadoopRDD.scala:50: warning: Could not find any member to link for "org.apache.spark.SparkContext.newAPIHadoopRDD()". +/** +^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/HadoopRDD.scala:82: warning: Could not find any member to link for "org.apache.spark.SparkContext.hadoopRDD()". +/** +^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/executor/package.scala:20: warning: Could not find any member to link for "org.apache.spark.executor.Executor". +/** +^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/history/HistoryServer.scala:231: warning: Variable SPARK undefined in comment for object HistoryServer in object HistoryServer +object HistoryServer extends Logging { + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/ApiRootResource.scala:209: warning: Could not find any member to link for "ZipOutputStream". + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/SparkHadoopUtil.scala:308: warning: Variable hadoopconf- .. undefined in comment for method substituteHadoopVariables in class SparkHadoopUtil + def substituteHadoopVariables(text: String, hadoopConf: Configuration): String = { + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/SparkHadoopUtil.scala:196: warning: Could not find any member to link for "FileStatus". + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/SparkHadoopUtil.scala:187: warning: Could not find any member to link for "FileStatus". + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/TaskContext.scala:144: warning: Could not find any member to link for "org.apache.spark.metrics.MetricsSystem!". + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Accumulators.scala:228: warning: The link target "SparkContext#accumulator" is ambiguous. Several members fit the target: +[T](initialValue: T,name: String)(implicit param: org.apache.spark.AccumulatorParam[T]): org.apache.spark.Accumulator[T] in class SparkContext [chosen] +[T](initialValue: T)(implicit param: org.apache.spark.AccumulatorParam[T]): org.apache.spark.Accumulator[T] in class SparkContext + + +/** +^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/memory/package.scala:20: warning: Could not find any member to link for "org.apache.spark.memory.MemoryManager". +/** +^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaSparkContext.scala:769: warning: The link target "org.apache.spark.api.java.JavaSparkContext.setJobGroup" is ambiguous. Several members fit the target: +(groupId: String,description: String): Unit in class JavaSparkContext [chosen] +(groupId: String,description: String,interruptOnCancel: Boolean): Unit in class JavaSparkContext + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaRDDLike.scala:413: warning: The link target "org.apache.spark.api.java.JavaRDDLike#treeAggregate" is ambiguous. Several members fit the target: +[U](zeroValue: U,seqOp: org.apache.spark.api.java.function.Function2[U,T,U],combOp: org.apache.spark.api.java.function.Function2[U,U,U]): U in trait JavaRDDLike [chosen] +[U](zeroValue: U,seqOp: org.apache.spark.api.java.function.Function2[U,T,U],combOp: org.apache.spark.api.java.function.Function2[U,U,U],depth: Int): U in trait JavaRDDLike + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaRDDLike.scala:366: warning: The link target "org.apache.spark.api.java.JavaRDDLike#treeReduce" is ambiguous. Several members fit the target: +(f: org.apache.spark.api.java.function.Function2[T,T,T]): T in trait JavaRDDLike [chosen] +(f: org.apache.spark.api.java.function.Function2[T,T,T],depth: Int): T in trait JavaRDDLike + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:532: warning: The link target "JavaPairRDD.reduceByKey" is ambiguous. Several members fit the target: +(func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] +(func: org.apache.spark.api.java.function.Function2[V,V,V],numPartitions: Int): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD +(partitioner: org.apache.spark.Partitioner,func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:402: warning: The link target "JavaPairRDD.reduceByKey" is ambiguous. Several members fit the target: +(func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] +(func: org.apache.spark.api.java.function.Function2[V,V,V],numPartitions: Int): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD +(partitioner: org.apache.spark.Partitioner,func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:391: warning: The link target "JavaPairRDD.reduceByKey" is ambiguous. Several members fit the target: +(func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] +(func: org.apache.spark.api.java.function.Function2[V,V,V],numPartitions: Int): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD +(partitioner: org.apache.spark.Partitioner,func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:175: warning: The link target "sampleByKey" is ambiguous. Several members fit the target: +(withReplacement: Boolean,fractions: java.util.Map[K,Double]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] +(withReplacement: Boolean,fractions: java.util.Map[K,Double],seed: Long): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:160: warning: The link target "sampleByKey" is ambiguous. Several members fit the target: +(withReplacement: Boolean,fractions: java.util.Map[K,Double]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] +(withReplacement: Boolean,fractions: java.util.Map[K,Double],seed: Long): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/netty/SparkTransportConf.scala:41: warning: Could not find any member to link for "TransportConf". + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:81: warning: The link target "init" is ambiguous. Several members fit the target: +(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] +(x$1: String): Unit in class NettyBlockTransferService + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:55: warning: The link target "init" is ambiguous. Several members fit the target: +(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] +(x$1: String): Unit in class NettyBlockTransferService + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:50: warning: The link target "init" is ambiguous. Several members fit the target: +(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] +(x$1: String): Unit in class NettyBlockTransferService + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:45: warning: The link target "init" is ambiguous. Several members fit the target: +(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] +(x$1: String): Unit in class NettyBlockTransferService + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:70: warning: The link target "init" is ambiguous. Several members fit the target: +(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] +(x$1: String): Unit in class NettyBlockTransferService + + + /** + ^ +/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:105: warning: The link target "init" is ambiguous. Several members fit the target: +(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] +(x$1: String): Unit in class NettyBlockTransferService + + + /** + ^ +38 warnings found +[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-core_2.10 --- +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Accumulators.scala message=Space before token : line=69 column=42 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaUtils.scala message=Space before token : line=57 column=17 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaUtils.scala message=Space before token : line=68 column=37 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/python/PythonRDD.scala message=Space before token : line=346 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/python/PythonRDD.scala message=Space before token : line=813 column=38 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/python/WriteInputFormatTestDataGenerator.scala message=Space before token : line=98 column=13 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RBackendHandler.scala message=Space before token : line=141 column=62 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RBackendHandler.scala message=Space before token : line=162 column=52 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RRDD.scala message=Space before token : line=257 column=25 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RRDD.scala message=Space before token : line=284 column=21 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RRDD.scala message=Space before token : line=308 column=21 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/broadcast/BroadcastManager.scala message=Space before token : line=54 column=39 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/broadcast/TorrentBroadcastFactory.scala message=Space before token : line=33 column=48 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/FaultToleranceTest.scala message=Space before token : line=407 column=51 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/FaultToleranceTest.scala message=Space before token : line=441 column=31 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/master/WorkerInfo.scala message=Space before token : line=101 column=19 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/worker/Worker.scala message=Space before token : line=102 column=43 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/executor/ExecutorSource.scala message=Space before token : line=32 column=40 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/executor/TaskMetrics.scala message=Space before token : line=331 column=43 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/FutureAction.scala message=Space before token : line=174 column=33 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=32 column=14 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=33 column=14 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=34 column=13 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=35 column=17 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=36 column=16 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=64 column=26 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=69 column=25 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=79 column=42 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/launcher/LauncherBackend.scala message=Space before token : line=89 column=33 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Logging.scala message=Space before token : line=39 column=30 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/partial/GroupedCountEvaluator.scala message=Space before token : line=34 column=45 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/partial/PartialResult.scala message=Space before token : line=80 column=24 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/partial/PartialResult.scala message=Space before token : line=82 column=36 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/partial/PartialResult.scala message=Space before token : line=93 column=28 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=106 column=25 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=106 column=36 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=254 column=15 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=277 column=24 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=277 column=35 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/CartesianRDD.scala message=Space before token : line=51 column=13 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/CartesianRDD.scala message=Space before token : line=52 column=13 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/NewHadoopRDD.scala message=Space before token : line=65 column=7 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/NewHadoopRDD.scala message=Space before token : line=240 column=17 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/OrderedRDDFunctions.scala message=Space before token : line=44 column=28 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/OrderedRDDFunctions.scala message=Space before token : line=44 column=39 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/OrderedRDDFunctions.scala message=Space before token : line=46 column=46 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala message=Space before token : line=349 column=6 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala message=Space before token : line=357 column=6 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala message=Space before token : line=928 column=10 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala message=Space before token : line=1116 column=6 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PartitionPruningRDD.scala message=Space before token : line=41 column=76 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token , line=98 column=27 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=213 column=28 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=214 column=37 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=407 column=8 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=1672 column=18 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=1711 column=42 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=1711 column=53 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/SequenceFileRDDFunctions.scala message=Space before token : line=34 column=70 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/WholeTextFileRDD.scala message=Space before token : line=32 column=7 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/DAGScheduler.scala message=Space before token : line=1070 column=19 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/EventLoggingListener.scala message=Space before token : line=50 column=17 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/EventLoggingListener.scala message=Space before token : line=58 column=39 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/Stage.scala message=Space before token : line=109 column=41 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/TaskResultGetter.scala message=Space before token : line=102 column=15 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/TaskSchedulerImpl.scala message=Space before token : line=245 column=48 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/TaskSetManager.scala message=Space before token : line=656 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkConf.scala message=Space before token : line=551 column=48 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkContext.scala message=Space before token : line=2563 column=70 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=42 column=17 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=43 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=44 column=23 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=45 column=19 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=46 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=47 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=48 column=21 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=49 column=27 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=50 column=25 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token , line=118 column=28 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/storage/BlockManagerId.scala message=Space before token : line=38 column=28 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/storage/BlockManagerId.scala message=Space before token : line=39 column=22 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/storage/BlockManagerId.scala message=Space before token : line=40 column=22 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/TaskEndReason.scala message=Space before token : line=177 column=13 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/JettyUtils.scala message=Space before token : line=191 column=18 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/JettyUtils.scala message=Space before token : line=194 column=21 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/ExecutorTable.scala message=Space before token : line=103 column=36 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/StagePage.scala message=Space before token : line=308 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/StagePage.scala message=Space before token : line=308 column=51 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=31 column=17 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=32 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=33 column=23 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=34 column=19 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=35 column=21 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=36 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=37 column=22 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=38 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=39 column=27 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=40 column=21 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=41 column=28 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=42 column=27 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=43 column=25 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=85 column=27 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/storage/RDDPage.scala message=Space before token : line=79 column=18 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/storage/RDDPage.scala message=Space before token : line=79 column=49 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/collection/OpenHashMap.scala message=Space before token : line=34 column=20 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/collection/SortDataFormat.scala message=Space before token : line=86 column=43 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/CollectionsUtils.scala message=Space before token : line=25 column=25 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/CollectionsUtils.scala message=Space before token : line=25 column=36 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/CollectionsUtils.scala message=Space before token : line=25 column=48 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/CompletionIterator.scala message=Space before token : line=44 column=70 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/ListenerBus.scala message=Space before token : line=69 column=49 +warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/Utils.scala message=Space before token : line=108 column=47 +Saving to outputFile=/Users/royl/git/spark/core/target/scalastyle-output.xml +Processed 474 file(s) +Found 0 errors +Found 112 warnings +Found 0 infos +Finished in 7360 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-core_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-core_2.10 --- +[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/core/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project GraphX 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-graphx_2.10 --- +[INFO] Deleting /Users/royl/git/spark/graphx/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-graphx_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-graphx_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/graphx/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/graphx/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-graphx_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-graphx_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-graphx_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/graphx/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-graphx_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 37 Scala sources and 5 Java sources to /Users/royl/git/spark/graphx/target/scala-2.10/classes... +[WARNING] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:124: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[WARNING] var messages = g.mapReduceTriplets(sendMsg, mergeMsg) +[WARNING] ^ +[WARNING] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:138: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[WARNING] messages = g.mapReduceTriplets( +[WARNING] ^ +[WARNING] two warnings found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-graphx_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 5 source files to /Users/royl/git/spark/graphx/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-graphx_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/graphx/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-graphx_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 2 resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-graphx_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 19 Scala sources to /Users/royl/git/spark/graphx/target/scala-2.10/test-classes... +[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:224: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[WARNING] val result = graph.mapReduceTriplets[Int](et => Iterator((et.dstId, et.srcAttr)), _ + _) +[WARNING] ^ +[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:289: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[WARNING] val neighborDegreeSums = starDeg.mapReduceTriplets( +[WARNING] ^ +[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:299: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[WARNING] val numEvenNeighbors = vids.mapReduceTriplets(et => { +[WARNING] ^ +[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:315: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[WARNING] val numOddNeighbors = changedGraph.mapReduceTriplets(et => { +[WARNING] ^ +[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:350: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[WARNING] val neighborDegreeSums = reverseStarDegrees.mapReduceTriplets( +[WARNING] ^ +[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:423: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[WARNING] val neighborAttrSums = graph.mapReduceTriplets[Int]( +[WARNING] ^ +[WARNING] 6 warnings found +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-graphx_2.10 --- +[INFO] Nothing to compile - all classes are up to date +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-graphx_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-graphx_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-graphx_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-graphx_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-graphx_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-graphx_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-graphx_2.10 --- +[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.2 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. +[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. +[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. +[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. +[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. +[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. +[INFO] Excluding com.github.fommil.netlib:core:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.sourceforge.f2j:arpack_combined_all:jar:0.1 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/graphx/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/graphx/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/graphx/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-graphx_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-graphx_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-graphx_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-graphx_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-graphx_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-graphx_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-graphx_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-graphx_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 46 documentable templates +/Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/lib/TriangleCount.scala:24: warning: The link target "org.apache.spark.graphx.Graph#partitionBy" is ambiguous. Several members fit the target: +(partitionStrategy: org.apache.spark.graphx.PartitionStrategy,numPartitions: Int): org.apache.spark.graphx.Graph[VD,ED] in class Graph [chosen] +(partitionStrategy: org.apache.spark.graphx.PartitionStrategy): org.apache.spark.graphx.Graph[VD,ED] in class Graph + + +Quick crash course on using Scaladoc links +========================================== +Disambiguating terms and types: Prefix terms with '$' and types with '!' in case both names are in use: + - [[scala.collection.immutable.List!.apply class List's apply method]] and + - [[scala.collection.immutable.List$.apply object List's apply method]] +Disambiguating overloaded members: If a term is overloaded, you can indicate the first part of its signature followed by *: + - [[[scala.collection.immutable.List$.fill[A](Int)(⇒A):List[A]* Fill with a single parameter]]] + - [[[scala.collection.immutable.List$.fill[A](Int,Int)(⇒A):List[List[A]]* Fill with a two parameters]]] +Notes: + - you can use any number of matching square brackets to avoid interference with the signature + - you can use \\. to escape dots in prefixes (don't forget to use * at the end to match the signature!) + - you can use \\# to escape hashes, otherwise they will be considered as delimiters, like dots. +/** +^ +/Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Graph.scala:332: warning: The link target "partitionBy" is ambiguous. Several members fit the target: +(partitionStrategy: org.apache.spark.graphx.PartitionStrategy,numPartitions: Int): org.apache.spark.graphx.Graph[VD,ED] in class Graph [chosen] +(partitionStrategy: org.apache.spark.graphx.PartitionStrategy): org.apache.spark.graphx.Graph[VD,ED] in class Graph + + + /** + ^ +two warnings found +[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-graphx_2.10 --- +Saving to outputFile=/Users/royl/git/spark/graphx/target/scalastyle-output.xml +Processed 37 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 429 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-graphx_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-graphx_2.10 --- +[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/graphx/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Streaming 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming_2.10 --- +[INFO] Deleting /Users/royl/git/spark/streaming/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/streaming/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/streaming/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 2 resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 100 Scala sources and 5 Java sources to /Users/royl/git/spark/streaming/target/scala-2.10/classes... +[WARNING] /Users/royl/git/spark/streaming/src/main/scala/org/apache/spark/streaming/receiver/ActorReceiver.scala:191: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[WARNING] protected lazy val actorSupervisor = SparkEnv.get.actorSystem.actorOf(Props(new Supervisor), +[WARNING] ^ +[WARNING] one warning found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 5 source files to /Users/royl/git/spark/streaming/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/streaming/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 39 Scala sources and 8 Java sources to /Users/royl/git/spark/streaming/target/scala-2.10/test-classes... +[WARNING] /Users/royl/git/spark/streaming/src/test/scala/org/apache/spark/streaming/DStreamClosureSuite.scala:112: method foreach in class DStream is deprecated: use foreachRDD +[WARNING] expectCorrectException { ds.foreach(foreachF1) } +[WARNING] ^ +[WARNING] /Users/royl/git/spark/streaming/src/test/scala/org/apache/spark/streaming/DStreamClosureSuite.scala:113: method foreach in class DStream is deprecated: use foreachRDD +[WARNING] expectCorrectException { ds.foreach(foreachF2) } +[WARNING] ^ +[WARNING] two warnings found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 8 source files to /Users/royl/git/spark/streaming/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming_2.10 --- +[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. +[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. +[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. +[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. +[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Replacing original test artifact with shaded test artifact. +[INFO] Replacing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar with /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-shaded-tests.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/streaming/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/streaming/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/streaming/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/streaming/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 74 documentable templates +/Users/royl/git/spark/streaming/src/main/scala/org/apache/spark/streaming/State.scala:122: warning: Could not find any member to link for "scala.Option". + /** + ^ +one warning found +[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming_2.10 --- +Saving to outputFile=/Users/royl/git/spark/streaming/target/scalastyle-output.xml +Processed 100 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 1308 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming_2.10 --- +[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/streaming/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Catalyst 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-catalyst_2.10 --- +[INFO] Deleting /Users/royl/git/spark/sql/catalyst/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-catalyst_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-catalyst_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/sql/catalyst/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/sql/catalyst/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-catalyst_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] --- antlr3-maven-plugin:3.5.2:antlr (default) @ spark-catalyst_2.10 --- +[INFO] ANTLR: Processing source directory /Users/royl/git/spark/sql/catalyst/src/main/antlr3 +ANTLR Parser Generator Version 3.5.2 +Output file /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlLexer.java does not exist: must build /Users/royl/git/spark/sql/catalyst/src/main/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g +org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g +Output file /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java does not exist: must build /Users/royl/git/spark/sql/catalyst/src/main/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.g +org/apache/spark/sql/catalyst/parser/SparkSqlParser.g +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-catalyst_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-catalyst_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/sql/catalyst/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-catalyst_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 156 Scala sources and 21 Java sources to /Users/royl/git/spark/sql/catalyst/target/scala-2.10/classes... +[WARNING] /Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/misc.scala:143: method shaHex in object DigestUtils is deprecated: see corresponding Javadoc for more information. +[WARNING] UTF8String.fromString(DigestUtils.shaHex(input.asInstanceOf[Array[Byte]])) +[WARNING] ^ +[WARNING] one warning found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:888: warning: [rawtypes] found raw type: Stack +[WARNING] Stack msgs = new Stack(); +[WARNING] ^ +[WARNING] missing type arguments for generic class Stack +[WARNING] where E is a type-variable: +[WARNING] E extends Object declared in class Stack +[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:1132: warning: [unchecked] unchecked call to push(E) as a member of the raw type Stack +[WARNING] msgs.push(msg); +[WARNING] ^ +[WARNING] where E is a type-variable: +[WARNING] E extends Object declared in class Stack +[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:1496: warning: [unchecked] unchecked call to push(E) as a member of the raw type Stack +[WARNING] msgs.push("explain option"); +[WARNING] ^ +[WARNING] where E is a type-variable: +[WARNING] E extends Object declared in class Stack +[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:7596: warning: [unchecked] unchecked call to push(E) as a member of the raw type Stack +[WARNING] msgs.push("alter partition key type"); +[WARNING] ^ +[WARNING] where E is a type-variable: +[WARNING] E extends Object declared in class Stack +[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:12703: warning: [unchecked] unchecked call to push(E) as a member of the raw type Stack +[WARNING] msgs.push("compaction request"); +[WARNING] ^ +[WARNING] where E is a type-variable: +[WARNING] E extends Object declared in class Stack +[WARNING] 6 warnings +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-catalyst_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 21 source files to /Users/royl/git/spark/sql/catalyst/target/scala-2.10/classes +[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:[1132,16] [unchecked] unchecked call to push(E) as a member of the raw type Stack +[WARNING] where E is a type-variable: + E extends Object declared in class Stack +/Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:[1496,12] [unchecked] unchecked call to push(E) as a member of the raw type Stack +[WARNING] where E is a type-variable: + E extends Object declared in class Stack +/Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:[7596,11] [unchecked] unchecked call to push(E) as a member of the raw type Stack +[WARNING] where E is a type-variable: + E extends Object declared in class Stack +/Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:[12703,12] [unchecked] unchecked call to push(E) as a member of the raw type Stack +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-catalyst_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/sql/catalyst/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-catalyst_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-catalyst_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 80 Scala sources to /Users/royl/git/spark/sql/catalyst/target/scala-2.10/test-classes... +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-catalyst_2.10 --- +[INFO] Nothing to compile - all classes are up to date +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-catalyst_2.10 --- +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (test-jar-on-test-compile) @ spark-catalyst_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-catalyst_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-catalyst_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-catalyst_2.10 --- +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-catalyst_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-catalyst_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-catalyst_2.10 --- +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.2 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. +[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. +[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. +[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. +[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. +[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.8 from the shaded jar. +[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/catalyst/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/catalyst/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/catalyst/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-catalyst_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-catalyst_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (default) @ spark-catalyst_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-catalyst_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-catalyst_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-catalyst_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-catalyst_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] --- antlr3-maven-plugin:3.5.2:antlr (default) @ spark-catalyst_2.10 --- +[INFO] ANTLR: Processing source directory /Users/royl/git/spark/sql/catalyst/src/main/antlr3 +ANTLR Parser Generator Version 3.5.2 +Grammar /Users/royl/git/spark/sql/catalyst/src/main/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g is up to date - build skipped +Grammar /Users/royl/git/spark/sql/catalyst/src/main/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.g is up to date - build skipped +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-catalyst_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-catalyst_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 720 documentable templates +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/Row.scala:66: warning: Could not find any member to link for "RowFactory.create()". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/Row.scala:295: warning: Could not find any member to link for "java.util.Map". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/Row.scala:280: warning: Could not find any member to link for "java.util.List". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/Row.scala:46: warning: Could not find any member to link for "Seq". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/AbstractDataType.scala:110: warning: Could not find any member to link for "AbstractDataType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/TimestampType.scala:27: warning: Could not find any member to link for "DataTypes.TimestampType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/StringType.scala:27: warning: Could not find any member to link for "DataTypes.StringType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/ShortType.scala:26: warning: Could not find any member to link for "DataTypes.ShortType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/NullType.scala:23: warning: Could not find any member to link for "DataTypes.NullType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/Metadata.scala:28: warning: Could not find any member to link for "Metadata.fromJson()". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/MapType.scala:24: warning: Could not find any member to link for "DataTypes.createMapType()". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/LongType.scala:26: warning: Could not find any member to link for "DataTypes.LongType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/IntegerType.scala:27: warning: Could not find any member to link for "DataTypes.IntegerType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/FloatType.scala:28: warning: Could not find any member to link for "DataTypes.FloatType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/DoubleType.scala:28: warning: Could not find any member to link for "DataTypes.DoubleType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/DecimalType.scala:28: warning: Could not find any member to link for "DataTypes.createDecimalType()". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/DateType.scala:27: warning: Could not find any member to link for "DataTypes.DateType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/CalendarIntervalType.scala:23: warning: Could not find any member to link for "DataTypes.CalendarIntervalType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/ByteType.scala:26: warning: Could not find any member to link for "DataTypes.ByteType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/BooleanType.scala:27: warning: Could not find any member to link for "DataTypes.BooleanType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/BinaryType.scala:28: warning: Could not find any member to link for "DataTypes.BinaryType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/ArrayType.scala:41: warning: Could not find any member to link for "DataTypes.createArrayType()". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/util/DateTimeUtils.scala:360: warning: Could not find any member to link for "Int". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/util/DateTimeUtils.scala:197: warning: Could not find any member to link for "Long". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/physical/partitioning.scala:46: warning: Could not find any member to link for "Expression". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/physical/partitioning.scala:60: warning: Could not find any member to link for "Expression". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/trees/TreeNode.scala:157: warning: Could not find any member to link for "TreeNode". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:131: warning: Could not find any member to link for "DataType". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/trees/TreeNode.scala:98: warning: Could not find any member to link for "TreeNode". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:54: warning: Could not find any member to link for "Coalesce". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:88: warning: Could not find any member to link for "GeneratedExpressionCode". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:111: warning: Could not find any member to link for "CodeGenContext". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala:44: warning: Could not find any member to link for "Generator". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/partitioning.scala:33: warning: Could not find any member to link for "Expression". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/LogicalPlan.scala:173: warning: Could not find any member to link for "NamedExpression". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/LogicalPlan.scala:163: warning: Could not find any member to link for "NamedExpression". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/LogicalPlan.scala:79: warning: Could not find any member to link for "Statistics". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala:474: warning: Could not find any member to link for "Statistics". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/planning/QueryPlanner.scala:33: warning: Could not find any member to link for "Strategy". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:618: warning: Could not find any member to link for "Filter". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:911: warning: Could not find any member to link for "Limit". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:481: warning: Could not find any member to link for "Expression". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:405: warning: Could not find any member to link for "Expression". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:499: warning: Could not find any member to link for "In". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:303: warning: Could not find any member to link for "Project". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:710: warning: Could not find any member to link for "Filter". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:686: warning: Could not find any member to link for "Filter". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:792: warning: Could not find any member to link for "Filter". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:644: warning: Could not find any member to link for "Filter". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:989: warning: Could not find any member to link for "Aggregate". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:977: warning: Could not find any member to link for "Distinct". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:892: warning: Could not find any member to link for "Cast". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/encoders/ExpressionEncoder.scala:35: warning: Could not find any member to link for "UnresolvedAttribute". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:1163: warning: Could not find any member to link for "Subquery". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/HiveTypeCoercion.scala:29: warning: Could not find any member to link for "Rule". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:332: warning: Variable c undefined in comment for method defineCodeGen in class UnresolvedAlias + protected def defineCodeGen( + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/HiveTypeCoercion.scala:714: warning: Could not find any member to link for "Expression". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/HiveTypeCoercion.scala:143: warning: Could not find any member to link for "AttributeReference". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:806: warning: Could not find any member to link for "WindowExpression". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:1098: warning: Could not find any member to link for "If". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:563: warning: Could not find any member to link for "Expression". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:323: warning: Could not find any member to link for "AttributeReference". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:1147: warning: Could not find any member to link for "AggregateWindowFunction". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:715: warning: Could not find any member to link for "Project". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/ScalaReflection.scala:377: warning: Could not find any member to link for "UnsupportedOperationException". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/InternalRow.scala:69: warning: Could not find any member to link for "Seq". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/SpecificMutableRow.scala:63: warning: Variable tpe undefined in comment for class MutableValue in class MutableValue +abstract class MutableValue extends Serializable { + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/misc.scala:152: warning: Could not find any member to link for "BinaryType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/ExpectsInputTypes.scala:60: warning: Could not find any member to link for "ImplicitTypeCasts". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/InputFileName.scala:26: warning: Could not find any member to link for "SqlNewHadoopRDD". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/misc.scala:31: warning: Could not find any member to link for "BinaryType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/misc.scala:129: warning: Could not find any member to link for "BinaryType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/package.scala:67: warning: Could not find any member to link for "Iterator". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/aggregate/interfaces.scala:158: warning: Could not find any member to link for "AggregateFunction". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/aggregate/interfaces.scala:149: warning: Could not find any member to link for "AggregateFunction". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/namedExpressions.scala:175: warning: Could not find any member to link for "DataType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/namedExpressions.scala:132: warning: Could not find any member to link for "CodeGenContext". + /** Just a simple passthrough for code generation. */ + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/mathExpressions.scala:661: warning: Could not find any member to link for "NumericType". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/literals.scala:58: warning: Could not find any member to link for "ObjectType". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/datetimeExpressions.scala:566: warning: Could not find any member to link for "DateTimeUtils.getDayOfWeekFromString". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/arithmetic.scala:108: warning: Could not find any member to link for "Decimal". + /** Name of the function for this expression on a [[Decimal]] type. */ + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/arithmetic.scala:287: warning: Could not find any member to link for "CodeGenContext". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/arithmetic.scala:225: warning: Could not find any member to link for "CodeGenContext". + /** + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/aggregate/CentralMomentAgg.scala:26: warning: Could not find any member to link for "https://en.wikipedia.org/wiki/Algorithms_for_calculating_variance +". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/ScalaUDF.scala:72: warning: Variable x undefined in comment for method userDefinedFunc in class ScalaUDF + def userDefinedFunc(): AnyRef = function + ^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/ScalaUDF.scala:24: warning: Could not find any member to link for "Option". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:31: warning: Could not find any member to link for "CodegenFallback". +/** +^ +/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/codegen/GenerateOrdering.scala:34: warning: Could not find any member to link for "Ordering". +/** +^ +88 warnings found +[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-catalyst_2.10 --- +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala message=Space before token : line=87 column=30 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala message=Space before token : line=113 column=15 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala message=Space before token : line=892 column=18 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/FunctionRegistry.scala message=Space before token : line=326 column=67 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/FunctionRegistry.scala message=Space before token : line=332 column=38 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/HiveTypeCoercion.scala message=Space before token , line=532 column=23 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/dsl/package.scala message=Space before token : line=64 column=16 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/dsl/package.scala message=Space before token : line=65 column=16 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/dsl/package.scala message=Space before token : line=66 column=16 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/dsl/package.scala message=Space before token : line=144 column=47 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/encoders/ExpressionEncoder.scala message=Space before token : line=47 column=14 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/encoders/package.scala message=Space before token : line=30 column=32 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala message=Space before token : line=167 column=21 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/stringExpressions.scala message=Space before token : line=49 column=29 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/stringExpressions.scala message=Space before token : line=102 column=57 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/stringExpressions.scala message=Space before token : line=993 column=17 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala message=Space before token : line=499 column=17 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala message=Space before token : line=525 column=20 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala message=Space before token : line=560 column=37 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/ScalaReflection.scala message=Space before token : line=52 column=20 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/ScalaReflection.scala message=Space before token : line=119 column=23 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/ScalaReflection.scala message=Space before token : line=389 column=22 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/SqlParser.scala message=Space before token , line=206 column=39 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/util/NumberConverter.scala message=Space before token , line=125 column=29 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/ArrayType.scala message=Space before token : line=93 column=13 +warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/Decimal.scala message=Space before token : line=313 column=14 +Saving to outputFile=/Users/royl/git/spark/sql/catalyst/target/scalastyle-output.xml +Processed 156 file(s) +Found 0 errors +Found 26 warnings +Found 0 infos +Finished in 3743 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-catalyst_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-catalyst_2.10 --- +[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/sql/catalyst/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project SQL 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-sql_2.10 --- +[INFO] Deleting /Users/royl/git/spark/sql/core/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-sql_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-sql_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/sql/core/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/sql/core/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-sql_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-sql_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-sql_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 4 resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-sql_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 162 Scala sources and 28 Java sources to /Users/royl/git/spark/sql/core/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-sql_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 28 source files to /Users/royl/git/spark/sql/core/target/scala-2.10/classes +[INFO] +[INFO] --- build-helper-maven-plugin:1.9.1:add-test-source (add-scala-test-sources) @ spark-sql_2.10 --- +[INFO] Test Source directory: /Users/royl/git/spark/sql/core/src/test/gen-java added. +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-sql_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/sql/core/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-sql_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 16 resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-sql_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 117 Scala sources and 16 Java sources to /Users/royl/git/spark/sql/core/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroArrayOfArray.java:135: warning: [unchecked] unchecked cast +[WARNING] record.int_arrays_column = fieldSetFlags()[0] ? this.int_arrays_column : (java.util.List>) defaultValue(fields()[0]); +[WARNING] ^ +[WARNING] required: List> +[WARNING] found: Object +[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroMapOfArray.java:135: warning: [unchecked] unchecked cast +[WARNING] record.string_to_ints_column = fieldSetFlags()[0] ? this.string_to_ints_column : (java.util.Map>) defaultValue(fields()[0]); +[WARNING] ^ +[WARNING] required: Map> +[WARNING] found: Object +[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroNonNullableArrays.java:188: warning: [unchecked] unchecked cast +[WARNING] record.strings_column = fieldSetFlags()[0] ? this.strings_column : (java.util.List) defaultValue(fields()[0]); +[WARNING] ^ +[WARNING] required: List +[WARNING] found: Object +[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroNonNullableArrays.java:189: warning: [unchecked] unchecked cast +[WARNING] record.maybe_ints_column = fieldSetFlags()[1] ? this.maybe_ints_column : (java.util.List) defaultValue(fields()[1]); +[WARNING] ^ +[WARNING] required: List +[WARNING] found: Object +[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/Nested.java:188: warning: [unchecked] unchecked cast +[WARNING] record.nested_ints_column = fieldSetFlags()[0] ? this.nested_ints_column : (java.util.List) defaultValue(fields()[0]); +[WARNING] ^ +[WARNING] required: List +[WARNING] found: Object +[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:241: warning: [unchecked] unchecked cast +[WARNING] record.strings_column = fieldSetFlags()[0] ? this.strings_column : (java.util.List) defaultValue(fields()[0]); +[WARNING] ^ +[WARNING] required: List +[WARNING] found: Object +[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:242: warning: [unchecked] unchecked cast +[WARNING] record.string_to_int_column = fieldSetFlags()[1] ? this.string_to_int_column : (java.util.Map) defaultValue(fields()[1]); +[WARNING] ^ +[WARNING] required: Map +[WARNING] found: Object +[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:243: warning: [unchecked] unchecked cast +[WARNING] record.complex_column = fieldSetFlags()[2] ? this.complex_column : (java.util.Map>) defaultValue(fields()[2]); +[WARNING] ^ +[WARNING] required: Map> +[WARNING] found: Object +[WARNING] 9 warnings +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-sql_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 16 source files to /Users/royl/git/spark/sql/core/target/scala-2.10/test-classes +[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroArrayOfArray.java:[135,145] [unchecked] unchecked cast +[WARNING] required: List> + found: Object +/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/Nested.java:[188,131] [unchecked] unchecked cast +[WARNING] required: List + found: Object +/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:[241,122] [unchecked] unchecked cast +[WARNING] required: List + found: Object +/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:[242,151] [unchecked] unchecked cast +[WARNING] required: Map + found: Object +/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:[243,205] [unchecked] unchecked cast +[WARNING] required: Map> + found: Object +/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroMapOfArray.java:[135,169] [unchecked] unchecked cast +[WARNING] required: Map> + found: Object +/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroNonNullableArrays.java:[188,122] [unchecked] unchecked cast +[WARNING] required: List + found: Object +/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroNonNullableArrays.java:[189,129] [unchecked] unchecked cast +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-sql_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-sql_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-sql_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-sql_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-sql_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-sql_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-sql_2.10 --- +[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. +[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. +[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. +[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. +[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. +[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.8 from the shaded jar. +[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/core/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/core/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/core/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-sql_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-sql_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-sql_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-sql_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-sql_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-sql_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-sql_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-sql_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 237 documentable templates +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala:30: warning: The link target "DataFrame.groupBy" is ambiguous. Several members fit the target: +(col1: String,cols: String*): org.apache.spark.sql.GroupedData in class DataFrame [chosen] +(cols: org.apache.spark.sql.Column*): org.apache.spark.sql.GroupedData in class DataFrame + + +Quick crash course on using Scaladoc links +========================================== +Disambiguating terms and types: Prefix terms with '$' and types with '!' in case both names are in use: + - [[scala.collection.immutable.List!.apply class List's apply method]] and + - [[scala.collection.immutable.List$.apply object List's apply method]] +Disambiguating overloaded members: If a term is overloaded, you can indicate the first part of its signature followed by *: + - [[[scala.collection.immutable.List$.fill[A](Int)(⇒A):List[A]* Fill with a single parameter]]] + - [[[scala.collection.immutable.List$.fill[A](Int,Int)(⇒A):List[List[A]]* Fill with a two parameters]]] +Notes: + - you can use any number of matching square brackets to avoid interference with the signature + - you can use \\. to escape dots in prefixes (don't forget to use * at the end to match the signature!) + - you can use \\# to escape hashes, otherwise they will be considered as delimiters, like dots. +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:42: warning: Could not find any member to link for "Encoder". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:419: warning: Could not find any member to link for "Row". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:237: warning: Could not find any member to link for "RDD". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:328: warning: Could not find any member to link for "org.apache.spark.sql.catalyst.plans.logical.LogicalPlan". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:205: warning: Could not find any member to link for "StructType". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala:65: warning: Could not find any member to link for "org.apache.spark.sql.types.DataType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala:77: warning: Could not find any member to link for "org.apache.spark.sql.types.StringType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:970: warning: Variable index + 1 undefined in comment for method struct in object functions + def struct(cols: Column*): Column = withExpr { CreateStruct(cols.map(_.expr)) } + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:2177: warning: Could not find any member to link for "java.text.SimpleDateFormat". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:433: warning: The link target "stddev_samp" is ambiguous. Several members fit the target: +(columnName: String): org.apache.spark.sql.Column in object functions [chosen] +(e: org.apache.spark.sql.Column): org.apache.spark.sql.Column in object functions + + + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:425: warning: The link target "stddev_samp" is ambiguous. Several members fit the target: +(columnName: String): org.apache.spark.sql.Column in object functions [chosen] +(e: org.apache.spark.sql.Column): org.apache.spark.sql.Column in object functions + + + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:517: warning: The link target "var_samp" is ambiguous. Several members fit the target: +(columnName: String): org.apache.spark.sql.Column in object functions [chosen] +(e: org.apache.spark.sql.Column): org.apache.spark.sql.Column in object functions + + + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:509: warning: The link target "var_samp" is ambiguous. Several members fit the target: +(columnName: String): org.apache.spark.sql.Column in object functions [chosen] +(e: org.apache.spark.sql.Column): org.apache.spark.sql.Column in object functions + + + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/udaf.scala:134: warning: Could not find any member to link for "Row". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/udaf.scala:49: warning: Could not find any member to link for "StructType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/udaf.scala:66: warning: Could not find any member to link for "DataType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/udaf.scala:33: warning: Could not find any member to link for "StructType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:435: warning: Could not find any member to link for "BaseRelation". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:549: warning: Could not find any member to link for "java.util.List". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:535: warning: Could not find any member to link for "JavaRDD". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:445: warning: Could not find any member to link for "RDD". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:804: warning: Could not find any member to link for "LongType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:791: warning: Could not find any member to link for "LongType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:778: warning: Could not find any member to link for "LongType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:767: warning: Could not find any member to link for "LongType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:30: warning: Could not find any member to link for "GroupedDataset)". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:124: warning: Could not find any member to link for "Aggregator". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:96: warning: Could not find any member to link for "Aggregator". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:166: warning: Could not find any member to link for "Aggregator". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:145: warning: Could not find any member to link for "Aggregator". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:36: warning: Could not find any member to link for "RDD". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:274: warning: Could not find any member to link for "RDD". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:670: warning: Could not find any member to link for "Tuple2". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:626: warning: Could not find any member to link for "Tuple2". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:162: warning: Could not find any member to link for "RDD". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:145: warning: Could not find any member to link for "Row". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameWriter.scala:266: warning: Could not find any member to link for "HadoopFsRelation". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameStatFunctions.scala:132: warning: Variable col1 undefined in comment for method crosstab in class DataFrameStatFunctions + def crosstab(col1: String, col2: String): DataFrame = { + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:121: warning: Could not find any member to link for "SQLConf.dataFrameEagerAnalysis". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1570: warning: Could not find any member to link for "RDD". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1484: warning: Could not find any member to link for "Row". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1497: warning: Could not find any member to link for "Row". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1665: warning: Could not find any member to link for "JavaRDD". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1642: warning: Could not find any member to link for "RDD". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1658: warning: Could not find any member to link for "JavaRDD". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1132: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1126: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1053: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1059: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1101: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1113: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1107: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1089: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1083: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:746: warning: Could not find any member to link for "StructType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:737: warning: Could not find any member to link for "MapType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1071: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1077: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1138: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1065: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1095: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1153: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1147: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1120: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/python.scala:339: warning: Could not find any member to link for "PythonUDF". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/python.scala:324: warning: Could not find any member to link for "PythonUDF". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/Generate.scala:36: warning: Could not find any member to link for "Generator". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/ShuffledRowRDD.scala:88: warning: Could not find any member to link for "org.apache.spark.rdd.ShuffledRDD". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/local/BinaryHashJoinNode.scala:25: warning: Could not find any member to link for "HashedRelation". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/local/LocalNode.scala:72: warning: Could not find any member to link for "Iterator". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/local/BroadcastHashJoinNode.scala:26: warning: Could not find any member to link for "HashedRelation". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/basicOperators.scala:279: warning: Could not find any member to link for "RDD". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/SortBasedAggregationIterator.scala:25: warning: Could not find any member to link for "AggregateFunction". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/TungstenAggregationIterator.scala:30: warning: Could not find any member to link for "UnsafeRow". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/AggregationIterator.scala:27: warning: Could not find any member to link for "AggregateMode". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/Window.scala:34: warning: Could not find any member to link for "OffsetWindowFunction". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/SparkStrategies.scala:64: warning: Could not find any member to link for "ExtractEquiJoinKeys". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/LogicalRelation.scala:24: warning: Could not find any member to link for "BaseRelation". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:399: warning: Could not find any member to link for "OutputWriter". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/json/JSONOptions.scala:22: warning: Could not find any member to link for "JsonParser.Feature". +/** +^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/json/JSONOptions.scala:37: warning: Could not find any member to link for "JsonFactory". + /** Sets config options on a Jackson [[JsonFactory]]. */ + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/jdbc/JdbcUtils.scala:106: warning: Could not find any member to link for "org.apache.spark.sql.types.StringType". + /** + ^ +/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/ddl.scala:68: warning: Could not find any member to link for "UnaryNode". +/** +^ +84 warnings found +[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-sql_2.10 --- +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/api/r/SQLUtils.scala message=Space before token : line=42 column=30 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala message=Space before token : line=155 column=11 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala message=Space before token : line=188 column=14 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala message=Space before token : line=204 column=14 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=207 column=11 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=230 column=19 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=582 column=62 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=611 column=42 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=634 column=86 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=643 column=62 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=723 column=90 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=951 column=36 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=989 column=79 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1121 column=27 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1150 column=19 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1189 column=21 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1210 column=21 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1234 column=21 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1247 column=22 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1286 column=25 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1482 column=80 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1508 column=44 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameHolder.scala message=Space before token : line=36 column=60 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameNaFunctions.scala message=Space before token : line=167 column=26 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameNaFunctions.scala message=Space before token : line=194 column=26 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameNaFunctions.scala message=Space before token : line=367 column=26 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameNaFunctions.scala message=Space before token : line=398 column=26 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameReader.scala message=Space before token : line=206 column=29 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameReader.scala message=Space before token : line=265 column=66 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameReader.scala message=Space before token : line=358 column=66 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=134 column=11 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=321 column=12 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=336 column=22 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=363 column=16 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=435 column=16 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=569 column=69 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=576 column=57 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=734 column=82 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=789 column=30 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/TypedAggregateExpression.scala message=Space before token : line=32 column=17 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/TypedAggregateExpression.scala message=Space before token : line=32 column=30 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/parquet/CatalystSchemaConverter.scala message=Space before token : line=560 column=52 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/parquet/CatalystSchemaConverter.scala message=Space before token : line=560 column=59 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/SqlNewHadoopRDD.scala message=Space before token : line=259 column=17 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/Exchange.scala message=Space before token , line=226 column=73 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/joins/CartesianProduct.scala message=Space before token : line=37 column=30 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/joins/CartesianProduct.scala message=Space before token : line=37 column=54 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/metric/SQLMetrics.scala message=Space before token : line=67 column=57 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/Queryable.scala message=Space before token : line=74 column=18 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/stat/FrequentItems.scala message=Space before token : line=97 column=50 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/stat/FrequentItems.scala message=Space before token : line=118 column=34 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/Window.scala message=Space before token : line=47 column=39 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/Window.scala message=Space before token : line=56 column=26 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/Window.scala message=Space before token : line=65 column=35 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/Window.scala message=Space before token : line=74 column=22 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala message=Space before token : line=309 column=68 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala message=Space before token : line=771 column=41 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala message=Space before token : line=980 column=42 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=232 column=37 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=244 column=37 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=256 column=37 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=268 column=37 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=280 column=37 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala message=Space before token : line=76 column=14 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala message=Space before token : line=113 column=22 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala message=Space before token : line=161 column=18 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala message=Space before token : line=305 column=19 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/AggregatedDialect.scala message=Space before token : line=33 column=29 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=34 column=43 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=34 column=66 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=63 column=20 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=133 column=44 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=142 column=32 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=142 column=47 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=172 column=29 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/MySQLDialect.scala message=Space before token : line=26 column=29 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=412 column=35 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=428 column=35 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=501 column=22 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=510 column=22 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=519 column=22 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=40 column=46 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=70 column=36 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=78 column=41 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=92 column=49 +warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=100 column=54 +Saving to outputFile=/Users/royl/git/spark/sql/core/target/scalastyle-output.xml +Processed 162 file(s) +Found 0 errors +Found 86 warnings +Found 0 infos +Finished in 3007 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-sql_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-sql_2.10 --- +[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/sql/core/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project ML Library 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-mllib_2.10 --- +[INFO] Deleting /Users/royl/git/spark/mllib/target +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-mllib_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-mllib_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/mllib/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/mllib/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-mllib_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-mllib_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-mllib_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-mllib_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 238 Scala sources and 4 Java sources to /Users/royl/git/spark/mllib/target/scala-2.10/classes... +[WARNING] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/api/python/PythonMLLibAPI.scala:343: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[WARNING] .setRuns(runs) +[WARNING] ^ +[WARNING] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:516: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[WARNING] .setRuns(runs) +[WARNING] ^ +[WARNING] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:541: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[WARNING] .setRuns(runs) +[WARNING] ^ +[WARNING] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:388: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[WARNING] .setRuns(5) +[WARNING] ^ +[WARNING] four warnings found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-mllib_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 4 source files to /Users/royl/git/spark/mllib/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-mllib_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/mllib/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-mllib_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-mllib_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 143 Scala sources and 60 Java sources to /Users/royl/git/spark/mllib/target/scala-2.10/test-classes... +[WARNING] /Users/royl/git/spark/mllib/src/test/scala/org/apache/spark/mllib/fpm/FPGrowthSuite.scala:303: inferred existential type Array[(scala.collection.immutable.Set[_$2], Long)] forSome { type _$2 }, which cannot be expressed by wildcards, should be enabled +by making the implicit value scala.language.existentials visible. +This can be achieved by adding the import clause 'import scala.language.existentials' +or by setting the compiler option -language:existentials. +See the Scala docs for value scala.language.existentials for a discussion +why the feature should be explicitly enabled. +[WARNING] val newFreqItemsets = newModel.freqItemsets.collect().map { itemset => +[WARNING] ^ +[WARNING] /Users/royl/git/spark/mllib/src/test/scala/org/apache/spark/mllib/fpm/FPGrowthSuite.scala:337: inferred existential type Array[(scala.collection.immutable.Set[_$2], Long)] forSome { type _$2 }, which cannot be expressed by wildcards, should be enabled +by making the implicit value scala.language.existentials visible. +[WARNING] val newFreqItemsets = newModel.freqItemsets.collect().map { itemset => +[WARNING] ^ +[WARNING] two warnings found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] /Users/royl/git/spark/mllib/src/test/java/org/apache/spark/mllib/fpm/JavaFPGrowthSuite.java:98: warning: [rawtypes] found raw type: FPGrowthModel +[WARNING] FPGrowthModel newModel = FPGrowthModel.load(sc.sc(), outputPath); +[WARNING] ^ +[WARNING] missing type arguments for generic class FPGrowthModel +[WARNING] where Item is a type-variable: +[WARNING] Item extends Object declared in class FPGrowthModel +[WARNING] /Users/royl/git/spark/mllib/src/test/java/org/apache/spark/mllib/fpm/JavaFPGrowthSuite.java:100: warning: [unchecked] unchecked conversion +[WARNING] .collect(); +[WARNING] ^ +[WARNING] required: List> +[WARNING] found: List +[WARNING] 3 warnings +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-mllib_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 60 source files to /Users/royl/git/spark/mllib/target/scala-2.10/test-classes +[WARNING] /Users/royl/git/spark/mllib/src/test/java/org/apache/spark/mllib/fpm/JavaFPGrowthSuite.java:[100,16] [unchecked] unchecked conversion +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-mllib_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-mllib_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-mllib_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-mllib_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-mllib_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-mllib_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-mllib_2.10 --- +[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. +[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. +[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. +[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. +[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-streaming_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-sql_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. +[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.8 from the shaded jar. +[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-graphx_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding com.github.fommil.netlib:core:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.sourceforge.f2j:arpack_combined_all:jar:0.1 from the shaded jar. +[INFO] Excluding org.scalanlp:breeze_2.10:jar:0.11.2 from the shaded jar. +[INFO] Excluding org.scalanlp:breeze-macros_2.10:jar:0.11.2 from the shaded jar. +[INFO] Excluding org.scalamacros:quasiquotes_2.10:jar:2.0.0-M8 from the shaded jar. +[INFO] Excluding net.sf.opencsv:opencsv:jar:2.3 from the shaded jar. +[INFO] Excluding com.github.rwl:jtransforms:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.spire-math:spire_2.10:jar:0.7.4 from the shaded jar. +[INFO] Excluding org.spire-math:spire-macros_2.10:jar:0.7.4 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. +[INFO] Excluding org.jpmml:pmml-model:jar:1.2.7 from the shaded jar. +[INFO] Excluding org.jpmml:pmml-agent:jar:1.2.7 from the shaded jar. +[INFO] Excluding org.jpmml:pmml-schema:jar:1.2.7 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/mllib/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/mllib/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/mllib/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-mllib_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-mllib_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-mllib_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-mllib_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-mllib_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-mllib_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-mllib_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-mllib_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 454 documentable templates +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/util/MLUtils.scala:271: warning: Could not find any member to link for "kFold()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/util/MLUtils.scala:161: warning: The link target "org.apache.spark.mllib.util.MLUtils#loadLibSVMFile" is ambiguous. Several members fit the target: +(sc: org.apache.spark.SparkContext,path: String): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils [chosen] +(sc: org.apache.spark.SparkContext,path: String,multiclass: Boolean): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils +(sc: org.apache.spark.SparkContext,path: String,multiclass: Boolean,numFeatures: Int): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils +(sc: org.apache.spark.SparkContext,path: String,numFeatures: Int): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils +(sc: org.apache.spark.SparkContext,path: String,multiclass: Boolean,numFeatures: Int,minPartitions: Int): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils +(sc: org.apache.spark.SparkContext,path: String,numFeatures: Int,minPartitions: Int): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils + + +Quick crash course on using Scaladoc links +========================================== +Disambiguating terms and types: Prefix terms with '$' and types with '!' in case both names are in use: + - [[scala.collection.immutable.List!.apply class List's apply method]] and + - [[scala.collection.immutable.List$.apply object List's apply method]] +Disambiguating overloaded members: If a term is overloaded, you can indicate the first part of its signature followed by *: + - [[[scala.collection.immutable.List$.fill[A](Int)(⇒A):List[A]* Fill with a single parameter]]] + - [[[scala.collection.immutable.List$.fill[A](Int,Int)(⇒A):List[List[A]]* Fill with a two parameters]]] +Notes: + - you can use any number of matching square brackets to avoid interference with the signature + - you can use \\. to escape dots in prefixes (don't forget to use * at the end to match the signature!) + - you can use \\# to escape hashes, otherwise they will be considered as delimiters, like dots. + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/model/treeEnsembleModels.scala:349: warning: Could not find any member to link for "org.apache.spark.mllib.tree.model.TreeEnsembleModel#predict". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/configuration/Strategy.scala:28: warning: Could not find any member to link for "org.apache.spark.SparkContext". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/configuration/BoostingStrategy.scala:26: warning: Could not find any member to link for "org.apache.spark.mllib.tree.GradientBoostedTrees.run()". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/RandomForest.scala:334: warning: The link target "org.apache.spark.mllib.tree.RandomForest$#trainClassifier" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],numTrees: Int,featureSubsetStrategy: String,impurity: String,maxDepth: Int,maxBins: Int,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],numTrees: Int,featureSubsetStrategy: String,impurity: String,maxDepth: Int,maxBins: Int,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],strategy: org.apache.spark.mllib.tree.configuration.Strategy,numTrees: Int,featureSubsetStrategy: String,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/RandomForest.scala:421: warning: The link target "org.apache.spark.mllib.tree.RandomForest$#trainRegressor" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],categoricalFeaturesInfo: java.util.Map[Integer,Integer],numTrees: Int,featureSubsetStrategy: String,impurity: String,maxDepth: Int,maxBins: Int,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],categoricalFeaturesInfo: Map[Int,Int],numTrees: Int,featureSubsetStrategy: String,impurity: String,maxDepth: Int,maxBins: Int,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],strategy: org.apache.spark.mllib.tree.configuration.Strategy,numTrees: Int,featureSubsetStrategy: String,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/GradientBoostedTrees.scala:144: warning: The link target "org.apache.spark.mllib.tree.GradientBoostedTrees$#train" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],boostingStrategy: org.apache.spark.mllib.tree.configuration.BoostingStrategy): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in object GradientBoostedTrees [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],boostingStrategy: org.apache.spark.mllib.tree.configuration.BoostingStrategy): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in object GradientBoostedTrees + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/GradientBoostedTrees.scala:75: warning: The link target "org.apache.spark.mllib.tree.GradientBoostedTrees!#run" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint]): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in class GradientBoostedTrees [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint]): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in class GradientBoostedTrees + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/GradientBoostedTrees.scala:114: warning: The link target "org.apache.spark.mllib.tree.GradientBoostedTrees!#runWithValidation" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],validationInput: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint]): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in class GradientBoostedTrees [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],validationInput: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint]): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in class GradientBoostedTrees + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/GradientBoostedTrees.scala:83: warning: Could not find any member to link for "org.apache.spark.rdd.RDD.randomSplit()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:938: warning: Could not find any member to link for "org.apache.spark.mllib.tree.model.Bin". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:145: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:116: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:89: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:68: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:214: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:258: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainRegressor" is ambiguous. Several members fit the target: +(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] +(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/test/StreamingTest.scala:44: warning: Could not find any member to link for "org.apache.spark.rdd.RDD". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/test/StreamingTest.scala:118: warning: Could not find any member to link for "JavaDStream". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/test/StreamingTest.scala:101: warning: Could not find any member to link for "DStream". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/Statistics.scala:179: warning: Could not find any member to link for "chiSqTest()". + /** Java-friendly version of [[chiSqTest()]] */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/Statistics.scala:114: warning: Could not find any member to link for "corr()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/Statistics.scala:90: warning: Could not find any member to link for "corr()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/Statistics.scala:220: warning: Could not find any member to link for "kolmogorovSmirnovTest()". + /** Java-friendly version of [[kolmogorovSmirnovTest()]] */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/util/modelSaveLoad.scala:72: warning: Could not find any member to link for "Saveable.save". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/util/modelSaveLoad.scala:41: warning: Could not find any member to link for "Loader.load". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/MatrixFactorizationModel.scala:319: warning: Could not find any member to link for "Saveable.save". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/MatrixFactorizationModel.scala:147: warning: The link target "MatrixFactorizationModel.predict" is ambiguous. Several members fit the target: +(usersProducts: org.apache.spark.api.java.JavaPairRDD[Integer,Integer]): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.recommendation.Rating] in class MatrixFactorizationModel [chosen] +(usersProducts: org.apache.spark.rdd.RDD[(Int, Int)]): org.apache.spark.rdd.RDD[org.apache.spark.mllib.recommendation.Rating] in class MatrixFactorizationModel +(user: Int,product: Int): Double in class MatrixFactorizationModel + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/MatrixFactorizationModel.scala:190: warning: Could not find any member to link for "Loader.load". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/ALS.scala:269: warning: The link target "ALS.run" is ambiguous. Several members fit the target: +(ratings: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.recommendation.Rating]): org.apache.spark.mllib.recommendation.MatrixFactorizationModel in class ALS [chosen] +(ratings: org.apache.spark.rdd.RDD[org.apache.spark.mllib.recommendation.Rating]): org.apache.spark.mllib.recommendation.MatrixFactorizationModel in class ALS + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/ALS.scala:206: warning: Could not find any member to link for "org.apache.spark.SparkContext". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/rdd/RDDFunctions.scala:49: warning: Could not find any member to link for "sliding(Int,". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/rdd/RDDFunctions.scala:64: warning: Could not find any member to link for "org.apache.spark.rdd.RDD#treeAggregate". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/rdd/RDDFunctions.scala:54: warning: Could not find any member to link for "org.apache.spark.rdd.RDD#treeReduce". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:239: warning: The link target "RandomRDDs#exponentialJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:227: warning: The link target "RandomRDDs#exponentialJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:748: warning: The link target "RandomRDDs#exponentialJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:735: warning: The link target "RandomRDDs#exponentialJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:298: warning: The link target "RandomRDDs#gammaJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:285: warning: The link target "RandomRDDs#gammaJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:817: warning: The link target "RandomRDDs#gammaJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:803: warning: The link target "RandomRDDs#gammaJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:361: warning: The link target "RandomRDDs#logNormalJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:348: warning: The link target "RandomRDDs#logNormalJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:619: warning: The link target "RandomRDDs#logNormalJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:605: warning: The link target "RandomRDDs#logNormalJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:129: warning: The link target "RandomRDDs#normalJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:121: warning: The link target "RandomRDDs#normalJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:552: warning: The link target "RandomRDDs#normalJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:540: warning: The link target "RandomRDDs#normalJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:184: warning: The link target "RandomRDDs#poissonJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:172: warning: The link target "RandomRDDs#poissonJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:684: warning: The link target "RandomRDDs#poissonJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:671: warning: The link target "RandomRDDs#poissonJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:433: warning: The link target "RandomRDDs#randomJavaRDD" is ambiguous. Several members fit the target: +[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs [chosen] +[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long,numPartitions: Int): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs +[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:420: warning: The link target "RandomRDDs#randomJavaRDD" is ambiguous. Several members fit the target: +[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs [chosen] +[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long,numPartitions: Int): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs +[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:885: warning: The link target "RandomRDDs#randomJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:871: warning: The link target "RandomRDDs#randomJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:79: warning: The link target "RandomRDDs#uniformJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:71: warning: The link target "RandomRDDs#uniformJavaRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:494: warning: The link target "RandomRDDs#uniformJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:482: warning: The link target "RandomRDDs#uniformJavaVectorRDD" is ambiguous. Several members fit the target: +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs +(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/optimization/GradientDescent.scala:269: warning: The link target "runMiniBatchSGD" is ambiguous. Several members fit the target: +(data: org.apache.spark.rdd.RDD[(Double, org.apache.spark.mllib.linalg.Vector)],gradient: org.apache.spark.mllib.optimization.Gradient,updater: org.apache.spark.mllib.optimization.Updater,stepSize: Double,numIterations: Int,regParam: Double,miniBatchFraction: Double,initialWeights: org.apache.spark.mllib.linalg.Vector): (org.apache.spark.mllib.linalg.Vector, Array[Double]) in object GradientDescent [chosen] +(data: org.apache.spark.rdd.RDD[(Double, org.apache.spark.mllib.linalg.Vector)],gradient: org.apache.spark.mllib.optimization.Gradient,updater: org.apache.spark.mllib.optimization.Updater,stepSize: Double,numIterations: Int,regParam: Double,miniBatchFraction: Double,initialWeights: org.apache.spark.mllib.linalg.Vector,convergenceTol: Double): (org.apache.spark.mllib.linalg.Vector, Array[Double]) in object GradientDescent + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala:77: warning: Could not find any member to link for "java.util.Arrays.hashCode". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala:263: warning: Could not find any member to link for "scala.collection.immutable.Vector". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala:185: warning: Could not find any member to link for "org.apache.spark.sql.DataFrame". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/PrefixSpan.scala:205: warning: Could not find any member to link for "run()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/FPGrowth.scala:216: warning: The link target "run" is ambiguous. Several members fit the target: +[Item, Basket <: Iterable[Item]](data: org.apache.spark.api.java.JavaRDD[Basket]): org.apache.spark.mllib.fpm.FPGrowthModel[Item] in class FPGrowth [chosen] +[Item](data: org.apache.spark.rdd.RDD[Array[Item]])(implicit evidence$3: scala.reflect.ClassTag[Item]): org.apache.spark.mllib.fpm.FPGrowthModel[Item] in class FPGrowth + + + /** Java-friendly version of [[run]]. */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/FPGrowth.scala:44: warning: Could not find any member to link for "FreqItemset". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/FPGrowth.scala:53: warning: Could not find any member to link for "Item". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/AssociationRules.scala:30: warning: Could not find any member to link for "RDD[FreqItemset[Item". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/AssociationRules.scala:85: warning: The link target "run" is ambiguous. Several members fit the target: +[Item](freqItemsets: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.fpm.FPGrowth.FreqItemset[Item]]): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.fpm.AssociationRules.Rule[Item]] in class AssociationRules [chosen] +[Item](freqItemsets: org.apache.spark.rdd.RDD[org.apache.spark.mllib.fpm.FPGrowth.FreqItemset[Item]])(implicit evidence$1: scala.reflect.ClassTag[Item]): org.apache.spark.rdd.RDD[org.apache.spark.mllib.fpm.AssociationRules.Rule[Item]] in class AssociationRules + + + /** Java-friendly version of [[run]]. */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/AssociationRules.scala:58: warning: Could not find any member to link for "minConfidence". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/feature/PCA.scala:89: warning: Could not find any member to link for "PCA.fit()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/feature/PCA.scala:71: warning: Could not find any member to link for "fit()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:208: warning: The link target "PowerIterationClustering.run" is ambiguous. Several members fit the target: +(similarities: org.apache.spark.api.java.JavaRDD[(Long, Long, Double)]): org.apache.spark.mllib.clustering.PowerIterationClusteringModel in class PowerIterationClustering [chosen] +(similarities: org.apache.spark.rdd.RDD[(Long, Long, Double)]): org.apache.spark.mllib.clustering.PowerIterationClusteringModel in class PowerIterationClustering +(graph: org.apache.spark.graphx.Graph[Double,Double]): org.apache.spark.mllib.clustering.PowerIterationClusteringModel in class PowerIterationClustering + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAOptimizer.scala:319: warning: Could not find any member to link for "LDA.setMaxIterations()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAModel.scala:239: warning: The link target "logLikelihood" is ambiguous. Several members fit the target: +(documents: org.apache.spark.api.java.JavaPairRDD[Long,org.apache.spark.mllib.linalg.Vector]): Double in class LocalLDAModel [chosen] +(documents: org.apache.spark.rdd.RDD[(Long, org.apache.spark.mllib.linalg.Vector)]): Double in class LocalLDAModel + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAModel.scala:262: warning: The link target "logPerplexity" is ambiguous. Several members fit the target: +(documents: org.apache.spark.api.java.JavaPairRDD[Long,org.apache.spark.mllib.linalg.Vector]): Double in class LocalLDAModel [chosen] +(documents: org.apache.spark.rdd.RDD[(Long, org.apache.spark.mllib.linalg.Vector)]): Double in class LocalLDAModel + + + /** Java-friendly version of [[logPerplexity]] */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAModel.scala:390: warning: Could not find any member to link for "topicDistributions()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAModel.scala:416: warning: The link target "topicDistributions" is ambiguous. Several members fit the target: +(documents: org.apache.spark.api.java.JavaPairRDD[Long,org.apache.spark.mllib.linalg.Vector]): org.apache.spark.api.java.JavaPairRDD[Long,org.apache.spark.mllib.linalg.Vector] in class LocalLDAModel [chosen] +(documents: org.apache.spark.rdd.RDD[(Long, org.apache.spark.mllib.linalg.Vector)]): org.apache.spark.rdd.RDD[(Long, org.apache.spark.mllib.linalg.Vector)] in class LocalLDAModel + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:90: warning: Could not find any member to link for "Double". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:337: warning: Could not find any member to link for "run()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:166: warning: Could not find any member to link for "setDocConcentration()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:160: warning: Could not find any member to link for "setDocConcentration()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:218: warning: Could not find any member to link for "setTopicConcentration()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:261: warning: Could not find any member to link for "org.apache.spark.SparkContext". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:139: warning: Could not find any member to link for "Double". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:108: warning: Could not find any member to link for "LDAOptimizer.initialize()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/GaussianMixtureModel.scala:82: warning: Could not find any member to link for "predict()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/GaussianMixture.scala:232: warning: Could not find any member to link for "run()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/BisectingKMeansModel.scala:90: warning: Could not find any member to link for "computeCost()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/BisectingKMeansModel.scala:66: warning: Could not find any member to link for "predict()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/BisectingKMeans.scala:32: warning: Could not find any member to link for "http://glaros.dtc.umn.edu/gkhome/fetch/papers/docclusterKDDTMW00.pdf +". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/BisectingKMeans.scala:216: warning: Could not find any member to link for "run()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/package.scala:23: warning: Could not find any member to link for "DataFrame". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/util/ReadWrite.scala:58: warning: Could not find any member to link for "SparkContext". + /** Returns the [[SparkContext]] underlying [[sqlContext]] */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/util/ReadWrite.scala:93: warning: Could not find any member to link for "save()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:652: warning: Could not find any member to link for "getOrDefault()". + /** An alias for [[getOrDefault()]]. */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:700: warning: Could not find any member to link for "defaultCopy()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:745: warning: Could not find any member to link for "defaultParamMap". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:570: warning: Could not find any member to link for "explainParam()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:727: warning: The link target "extractParamMap" is ambiguous. Several members fit the target: +(): org.apache.spark.ml.param.ParamMap in class TrainValidationSplitModel [chosen] +(extra: org.apache.spark.ml.param.ParamMap): org.apache.spark.ml.param.ParamMap in class TrainValidationSplitModel + + + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:522: warning: Could not find any member to link for "Param". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:666: warning: Could not find any member to link for "setDefault()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:539: warning: Could not find any member to link for "Param.validate()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/util/ReadWrite.scala:164: warning: Could not find any member to link for "MLReader". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/util/ReadWrite.scala:119: warning: Could not find any member to link for "MLWriter". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/source/libsvm/LibSVMRelation.scala:71: warning: Could not find any member to link for "DataFrame". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/regression/Regressor.scala:43: warning: Could not find any member to link for "Regressor". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Predictor.scala:192: warning: Could not find any member to link for "transform()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Predictor.scala:153: warning: Could not find any member to link for "validateAndTransformSchema()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Predictor.scala:167: warning: Could not find any member to link for "predict()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/tree/treeParams.scala:144: warning: Could not find any member to link for "org.apache.spark.SparkContext". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Predictor.scala:96: warning: Could not find any member to link for "fit()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/regression/LinearRegression.scala:437: warning: Could not find any member to link for "MLWriter". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/regression/IsotonicRegression.scala:195: warning: Could not find any member to link for "org.apache.spark.mllib.regression.IsotonicRegressionModel.predict()". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:399: warning: Could not find any member to link for "Param[Boolean". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:447: warning: Could not find any member to link for "Param[Array[Double". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:220: warning: Could not find any member to link for "Param[Double". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:309: warning: Could not find any member to link for "Param[Float". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:477: warning: Could not find any member to link for "Param[Array[Int". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:280: warning: Could not find any member to link for "Param[Int". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:370: warning: Could not find any member to link for "Param[Long". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:422: warning: Could not find any member to link for "Param[Array[String". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:89: warning: Could not find any member to link for "jsonDecode()". + /** Encodes a param value into JSON, which can be decoded by [[jsonDecode()]]. */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:488: warning: Could not find any member to link for "java.util.List". + /** Creates a param pair with a [[java.util.List]] of values (for Java and Python). */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:458: warning: Could not find any member to link for "java.util.List". + /** Creates a param pair with a [[java.util.List]] of values (for Java and Python). */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:433: warning: Could not find any member to link for "java.util.List". + /** Creates a param pair with a [[java.util.List]] of values (for Java and Python). */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:197: warning: Could not find any member to link for "inRange()". + /** Version of [[inRange()]] which uses inclusive be default: [lowerBound, upperBound] */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/package.scala:23: warning: Could not find any member to link for "DataFrame". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/VectorIndexer.scala:61: warning: Could not find any member to link for "Vector". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/VectorSlicer.scala:31: warning: Could not find any member to link for "setIndices()". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/StringIndexer.scala:106: warning: The link target "StringIndexerModel.transform" is ambiguous. Several members fit the target: +(dataset: org.apache.spark.sql.DataFrame): org.apache.spark.sql.DataFrame in class StringIndexerModel [chosen] +(dataset: org.apache.spark.sql.DataFrame,paramMap: org.apache.spark.ml.param.ParamMap): org.apache.spark.sql.DataFrame in class StringIndexerModel +(dataset: org.apache.spark.sql.DataFrame,firstParamPair: org.apache.spark.ml.param.ParamPair[_],otherParamPairs: org.apache.spark.ml.param.ParamPair[_]*): org.apache.spark.sql.DataFrame in class StringIndexerModel + + +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/StopWordsRemover.scala:99: warning: Could not find any member to link for "StopWords.English". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/PCA.scala:121: warning: Could not find any member to link for "PCA.fit()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/evaluation/Evaluator.scala:52: warning: Could not find any member to link for "evaluate()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/clustering/LDA.scala:668: warning: Could not find any member to link for "Vector". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/clustering/LDA.scala:706: warning: Could not find any member to link for "Vector". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/clustering/LDA.scala:346: warning: Could not find any member to link for "Vector". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/clustering/LDA.scala:604: warning: Could not find any member to link for "logLikelihood()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:129: warning: Could not find any member to link for "transform()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:176: warning: Could not find any member to link for "transform()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:140: warning: Could not find any member to link for "transform()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:162: warning: Could not find any member to link for "raw2probabilityInPlace()". + /** Non-in-place version of [[raw2probabilityInPlace()]] */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:151: warning: Could not find any member to link for "transform()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:88: warning: Could not find any member to link for "Double". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:67: warning: Could not find any member to link for "Vector". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:43: warning: Could not find any member to link for "Vector". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/MultilayerPerceptronClassifier.scala:205: warning: Could not find any member to link for "transform()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/MultilayerPerceptronClassifier.scala:153: warning: Could not find any member to link for "fit()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/LogisticRegression.scala:49: warning: Could not find any member to link for "setThreshold()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/LogisticRegression.scala:92: warning: Could not find any member to link for "setThresholds()". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/LogisticRegression.scala:563: warning: Could not find any member to link for "MLWriter". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:67: warning: Could not find any member to link for "Vector". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:86: warning: Could not find any member to link for "Double". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:44: warning: Could not find any member to link for "Vector". +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/attributes.scala:112: warning: Could not find any member to link for "StructField". + /** Converts to a [[StructField]]. */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/attributes.scala:100: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/attributes.scala:145: warning: Could not find any member to link for "StructField". + /** + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/AttributeGroup.scala:242: warning: Could not find any member to link for "StructField". + /** Creates an attribute group from a [[StructField]] instance. */ + ^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Pipeline.scala:76: warning: The link target "Pipeline#fit" is ambiguous. Several members fit the target: +(dataset: org.apache.spark.sql.DataFrame): org.apache.spark.ml.PipelineModel in class Pipeline [chosen] +(dataset: org.apache.spark.sql.DataFrame,paramMaps: Array[org.apache.spark.ml.param.ParamMap]): Seq[M] in class Pipeline +(dataset: org.apache.spark.sql.DataFrame,paramMap: org.apache.spark.ml.param.ParamMap): M in class Pipeline +(dataset: org.apache.spark.sql.DataFrame,firstParamPair: org.apache.spark.ml.param.ParamPair[_],otherParamPairs: org.apache.spark.ml.param.ParamPair[_]*): M in class Pipeline + + +/** +^ +/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Pipeline.scala:112: warning: The link target "Estimator#fit" is ambiguous. Several members fit the target: +(dataset: org.apache.spark.sql.DataFrame,paramMaps: Array[org.apache.spark.ml.param.ParamMap]): Seq[M] in class Estimator [chosen] +(dataset: org.apache.spark.sql.DataFrame,paramMap: org.apache.spark.ml.param.ParamMap): M in class Estimator +(dataset: org.apache.spark.sql.DataFrame,firstParamPair: org.apache.spark.ml.param.ParamPair[_],otherParamPairs: org.apache.spark.ml.param.ParamPair[_]*): M in class Estimator +(dataset: org.apache.spark.sql.DataFrame): M in class Estimator + + + /** + ^ +164 warnings found +[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-mllib_2.10 --- +Saving to outputFile=/Users/royl/git/spark/mllib/target/scalastyle-output.xml +Processed 238 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 3121 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-mllib_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-mllib_2.10 --- +[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/mllib/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Tools 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-tools_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-tools_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-tools_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/tools/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/tools/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-tools_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-tools_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-tools_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/tools/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-tools_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 3 Scala sources to /Users/royl/git/spark/tools/target/scala-2.10/classes... +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-tools_2.10 --- +[INFO] Nothing to compile - all classes are up to date +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-tools_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/tools/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-tools_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/tools/src/test/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-tools_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-tools_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-tools_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-tools_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-tools_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-tools_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-tools_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-tools_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-tools_2.10 --- +[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.2 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. +[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. +[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. +[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. +[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-streaming_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/tools/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/tools/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-tools_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-tools_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-tools_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-tools_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-tools_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-tools_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-tools_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-tools_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 8 documentable templates +[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-tools_2.10 --- +Saving to outputFile=/Users/royl/git/spark/tools/target/scalastyle-output.xml +Processed 3 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 60 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-tools_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-tools_2.10 --- +[INFO] Skipping artifact installation +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Hive 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-hive_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-hive_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-hive_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/sql/hive/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/sql/hive/src/test/scala +[INFO] +[INFO] --- build-helper-maven-plugin:1.9.1:add-source (add-default-sources) @ spark-hive_2.10 --- +[INFO] Source directory: /Users/royl/git/spark/sql/hive/v1.2.1/src/main/scala added. +[INFO] Source directory: /Users/royl/git/spark/sql/hive/${project.build.directory/generated-sources/antlr added. +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-hive_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-exec/1.2.1.spark/hive-exec-1.2.1.spark.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/googlecode/javaewah/JavaEWAH/0.3.2/JavaEWAH-0.3.2.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/commons-dbcp/commons-dbcp/1.4/commons-dbcp-1.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/antlr/ST4/4.0.4/ST4-4.0.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/iq80/snappy/snappy/0.2/snappy-0.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/javolution/javolution/5.5.1/javolution-5.5.1.jar:/Users/royl/.m2/repository/com/jolbox/bonecp/0.8.0.RELEASE/bonecp-0.8.0.RELEASE.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.6/commons-compiler-2.7.6.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/httpcomponents/httpclient/4.3.2/httpclient-4.3.2.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/javax/transaction/jta/1.1/jta-1.1.jar:/Users/royl/.m2/repository/org/codehaus/groovy/groovy-all/2.1.6/groovy-all-2.1.6.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/thrift/libthrift/0.9.2/libthrift-0.9.2.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/log4j/apache-log4j-extras/1.2.17/apache-log4j-extras-1.2.17.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-core/1.2.0-incubating/calcite-core-1.2.0-incubating.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/javax/jdo/jdo-api/3.0.1/jdo-api-3.0.1.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/stax/stax-api/1.0.1/stax-api-1.0.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-avatica/1.2.0-incubating/calcite-avatica-1.2.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/twitter/parquet-hadoop-bundle/1.6.0/parquet-hadoop-bundle-1.6.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-core/3.2.10/datanucleus-core-3.2.10.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/jline/jline/2.12/jline-2.12.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/derby/derby/10.10.1.1/derby-10.10.1.1.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-linq4j/1.2.0-incubating/calcite-linq4j-1.2.0-incubating.jar:/Users/royl/.m2/repository/commons-pool/commons-pool/1.5.4/commons-pool-1.5.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/httpcomponents/httpcore/4.3.2/httpcore-4.3.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/jodd/jodd-core/3.5.2/jodd-core-3.5.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/thrift/libfb303/0.9.2/libfb303-0.9.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/net/hydromatic/eigenbase-properties/1.1.5/eigenbase-properties-1.1.5.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-metastore/1.2.1.spark/hive-metastore-1.2.1.spark.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-rdbms/3.2.9/datanucleus-rdbms-3.2.9.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/commons-logging/commons-logging/1.1.3/commons-logging-1.1.3.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-api-jdo/3.2.6/datanucleus-api-jdo-3.2.6.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/org/json/json/20090211/json-20090211.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-hive_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-hive_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-hive_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 29 Scala sources and 1 Java source to /Users/royl/git/spark/sql/hive/target/scala-2.10/classes... +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:83: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] Utils.classForName(relation.tableDesc.getSerdeClassName).asInstanceOf[Class[Deserializer]], +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:97: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] deserializerClass: Class[_ <: Deserializer], +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:131: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] (part, part.getDeserializer.getClass.asInstanceOf[Class[Deserializer]])).toMap +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:146: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] partitionToDeserializer: Map[HivePartition, +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:152: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] partitionToDeserializer: Map[HivePartition, Class[_ <: Deserializer]]): +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:153: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] Map[HivePartition, Class[_ <: Deserializer]] = { +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:343: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] rawDeser: Deserializer, +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:346: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] tableDeser: Deserializer): Iterator[InternalRow] = { +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/execution/InsertIntoHiveTable.scala:56: trait Serializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] private def newSerializer(tableDesc: TableDesc): Serializer = { +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/execution/InsertIntoHiveTable.scala:57: trait Serializer in package serde2 is deprecated: see corresponding Javadoc for more information. +[WARNING] val serializer = tableDesc.getDeserializerClass.newInstance().asInstanceOf[Serializer] +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/execution/ScriptTransformation.scala:378: method initialize in class AbstractSerDe is deprecated: see corresponding Javadoc for more information. +[WARNING] serde.initialize(null, properties) +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/hiveUDFs.scala:292: method initialize in class GenericUDTF is deprecated: see corresponding Javadoc for more information. +[WARNING] protected lazy val outputInspector = function.initialize(inputInspectors.toArray) +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/hiveUDFs.scala:368: class UDAF in package exec is deprecated: see corresponding Javadoc for more information. +[WARNING] new GenericUDAFBridge(funcWrapper.createFunction[UDAF]()) +[WARNING] ^ +[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/hiveUDFs.scala:390: trait AggregationBuffer in object GenericUDAFEvaluator is deprecated: see corresponding Javadoc for more information. +[WARNING] private[this] var buffer: GenericUDAFEvaluator.AggregationBuffer = _ +[WARNING] ^ +[WARNING] 14 warnings found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-hive_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 1 source file to /Users/royl/git/spark/sql/hive/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-hive_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/sql/hive/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-hive_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 10074 resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-hive_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 57 Scala sources and 14 Java sources to /Users/royl/git/spark/sql/hive/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] /Users/royl/git/spark/sql/hive/src/test/java/org/apache/spark/sql/hive/test/Complex.java:53: warning: [rawtypes] found raw type: IScheme +[WARNING] private static final Map, SchemeFactory> schemes = new HashMap, SchemeFactory>(); +[WARNING] ^ +[WARNING] missing type arguments for generic class IScheme +[WARNING] where T is a type-variable: +[WARNING] T extends TBase declared in interface IScheme +[WARNING] /Users/royl/git/spark/sql/hive/src/test/java/org/apache/spark/sql/hive/test/Complex.java:53: warning: [rawtypes] found raw type: IScheme +[WARNING] private static final Map, SchemeFactory> schemes = new HashMap, SchemeFactory>(); +[WARNING] ^ +[WARNING] missing type arguments for generic class IScheme +[WARNING] where T is a type-variable: +[WARNING] T extends TBase declared in interface IScheme +[WARNING] /Users/royl/git/spark/sql/hive/src/test/java/org/apache/spark/sql/hive/test/Complex.java:679: warning: [cast] redundant cast to Complex +[WARNING] Complex typedOther = (Complex)other; +[WARNING] ^ +[WARNING] 4 warnings +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-hive_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 14 source files to /Users/royl/git/spark/sql/hive/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-hive_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-hive_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-hive_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-hive_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-hive_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-hive_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:copy-dependencies (copy-dependencies) @ spark-hive_2.10 --- +[INFO] Copying datanucleus-api-jdo-3.2.6.jar to /Users/royl/git/spark/sql/hive/../../lib_managed/jars/datanucleus-api-jdo-3.2.6.jar +[INFO] Copying datanucleus-core-3.2.10.jar to /Users/royl/git/spark/sql/hive/../../lib_managed/jars/datanucleus-core-3.2.10.jar +[INFO] Copying datanucleus-rdbms-3.2.9.jar to /Users/royl/git/spark/sql/hive/../../lib_managed/jars/datanucleus-rdbms-3.2.9.jar +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-hive_2.10 --- +[INFO] Excluding com.twitter:parquet-hadoop-bundle:jar:1.6.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.2 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. +[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. +[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. +[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. +[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-sql_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.spark-project.hive:hive-exec:jar:1.2.1.spark from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding javolution:javolution:jar:5.5.1 from the shaded jar. +[INFO] Excluding log4j:apache-log4j-extras:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. +[INFO] Excluding org.antlr:ST4:jar:4.0.4 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.codehaus.groovy:groovy-all:jar:2.1.6 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.googlecode.javaewah:JavaEWAH:jar:0.3.2 from the shaded jar. +[INFO] Excluding org.iq80.snappy:snappy:jar:0.2 from the shaded jar. +[INFO] Excluding org.json:json:jar:20090211 from the shaded jar. +[INFO] Excluding stax:stax-api:jar:1.0.1 from the shaded jar. +[INFO] Excluding net.sf.opencsv:opencsv:jar:2.3 from the shaded jar. +[INFO] Excluding jline:jline:jar:2.12 from the shaded jar. +[INFO] Excluding org.spark-project.hive:hive-metastore:jar:1.2.1.spark from the shaded jar. +[INFO] Excluding com.jolbox:bonecp:jar:0.8.0.RELEASE from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding commons-logging:commons-logging:jar:1.1.3 from the shaded jar. +[INFO] Excluding org.apache.derby:derby:jar:10.10.1.1 from the shaded jar. +[INFO] Excluding org.datanucleus:datanucleus-api-jdo:jar:3.2.6 from the shaded jar. +[INFO] Excluding org.datanucleus:datanucleus-rdbms:jar:3.2.9 from the shaded jar. +[INFO] Excluding commons-pool:commons-pool:jar:1.5.4 from the shaded jar. +[INFO] Excluding commons-dbcp:commons-dbcp:jar:1.4 from the shaded jar. +[INFO] Excluding javax.jdo:jdo-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding javax.transaction:jta:jar:1.1 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.3 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.calcite:calcite-avatica:jar:1.2.0-incubating from the shaded jar. +[INFO] Excluding org.apache.calcite:calcite-core:jar:1.2.0-incubating from the shaded jar. +[INFO] Excluding org.apache.calcite:calcite-linq4j:jar:1.2.0-incubating from the shaded jar. +[INFO] Excluding net.hydromatic:eigenbase-properties:jar:1.1.5 from the shaded jar. +[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.6 from the shaded jar. +[INFO] Excluding org.apache.httpcomponents:httpclient:jar:4.3.2 from the shaded jar. +[INFO] Excluding org.apache.httpcomponents:httpcore:jar:4.3.2 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding joda-time:joda-time:jar:2.9 from the shaded jar. +[INFO] Excluding org.jodd:jodd-core:jar:3.5.2 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.datanucleus:datanucleus-core:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.apache.thrift:libthrift:jar:0.9.2 from the shaded jar. +[INFO] Excluding org.apache.thrift:libfb303:jar:0.9.2 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/hive/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/hive/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/hive/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-hive_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-hive_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-hive_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-hive_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-hive_2.10 --- +[INFO] +[INFO] --- build-helper-maven-plugin:1.9.1:add-source (add-default-sources) @ spark-hive_2.10 --- +[INFO] Source directory: /Users/royl/git/spark/sql/hive/v1.2.1/src/main/scala added. +[INFO] Source directory: /Users/royl/git/spark/sql/hive/${project.build.directory/generated-sources/antlr added. +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-hive_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-exec/1.2.1.spark/hive-exec-1.2.1.spark.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/googlecode/javaewah/JavaEWAH/0.3.2/JavaEWAH-0.3.2.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/commons-dbcp/commons-dbcp/1.4/commons-dbcp-1.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/antlr/ST4/4.0.4/ST4-4.0.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/iq80/snappy/snappy/0.2/snappy-0.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/javolution/javolution/5.5.1/javolution-5.5.1.jar:/Users/royl/.m2/repository/com/jolbox/bonecp/0.8.0.RELEASE/bonecp-0.8.0.RELEASE.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.6/commons-compiler-2.7.6.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/httpcomponents/httpclient/4.3.2/httpclient-4.3.2.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/javax/transaction/jta/1.1/jta-1.1.jar:/Users/royl/.m2/repository/org/codehaus/groovy/groovy-all/2.1.6/groovy-all-2.1.6.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/thrift/libthrift/0.9.2/libthrift-0.9.2.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/log4j/apache-log4j-extras/1.2.17/apache-log4j-extras-1.2.17.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-core/1.2.0-incubating/calcite-core-1.2.0-incubating.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/javax/jdo/jdo-api/3.0.1/jdo-api-3.0.1.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/stax/stax-api/1.0.1/stax-api-1.0.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-avatica/1.2.0-incubating/calcite-avatica-1.2.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/twitter/parquet-hadoop-bundle/1.6.0/parquet-hadoop-bundle-1.6.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-core/3.2.10/datanucleus-core-3.2.10.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/jline/jline/2.12/jline-2.12.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/derby/derby/10.10.1.1/derby-10.10.1.1.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-linq4j/1.2.0-incubating/calcite-linq4j-1.2.0-incubating.jar:/Users/royl/.m2/repository/commons-pool/commons-pool/1.5.4/commons-pool-1.5.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/httpcomponents/httpcore/4.3.2/httpcore-4.3.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/jodd/jodd-core/3.5.2/jodd-core-3.5.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/thrift/libfb303/0.9.2/libfb303-0.9.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/net/hydromatic/eigenbase-properties/1.1.5/eigenbase-properties-1.1.5.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-metastore/1.2.1.spark/hive-metastore-1.2.1.spark.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-rdbms/3.2.9/datanucleus-rdbms-3.2.9.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/commons-logging/commons-logging/1.1.3/commons-logging-1.1.3.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-api-jdo/3.2.6/datanucleus-api-jdo-3.2.6.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/org/json/json/20090211/json-20090211.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-hive_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-hive_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 19 documentable templates +/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/package.scala:20: warning: Could not find any member to link for "SQLContext". +/** +^ +one warning found +[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-hive_2.10 --- +warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/HiveInspectors.scala message=Space before token : line=660 column=56 +warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/HiveInspectors.scala message=Space before token : line=661 column=73 +warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/HiveInspectors.scala message=Space before token : line=908 column=53 +warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/HiveInspectors.scala message=Space before token : line=909 column=68 +warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/hiveUDFs.scala message=Space before token : line=184 column=49 +Saving to outputFile=/Users/royl/git/spark/sql/hive/target/scalastyle-output.xml +Processed 29 file(s) +Found 0 errors +Found 5 warnings +Found 0 infos +Finished in 621 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-hive_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-hive_2.10 --- +[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/sql/hive/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Docker Integration Tests 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-docker-integration-tests_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-docker-integration-tests_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-docker-integration-tests_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/docker-integration-tests/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/docker-integration-tests/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-docker-integration-tests_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.9/commons-compress-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-docker-integration-tests_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-docker-integration-tests_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/docker-integration-tests/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-docker-integration-tests_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-docker-integration-tests_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-docker-integration-tests_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/docker-integration-tests/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-docker-integration-tests_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/docker-integration-tests/src/test/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-docker-integration-tests_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 4 Scala sources to /Users/royl/git/spark/docker-integration-tests/target/test-classes... +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-docker-integration-tests_2.10 --- +[INFO] Nothing to compile - all classes are up to date +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-docker-integration-tests_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-docker-integration-tests_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-docker-integration-tests_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-docker-integration-tests_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-docker-integration-tests_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-docker-integration-tests_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-docker-integration-tests_2.10 --- +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.9 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-docker-integration-tests_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-docker-integration-tests_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-docker-integration-tests_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-docker-integration-tests_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-docker-integration-tests_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-docker-integration-tests_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.9/commons-compress-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-docker-integration-tests_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-docker-integration-tests_2.10 --- +[INFO] No source files found +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-docker-integration-tests_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/docker-integration-tests/src/main/scala +Saving to outputFile=/Users/royl/git/spark/docker-integration-tests/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 1 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-docker-integration-tests_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-docker-integration-tests_2.10 --- +[INFO] Installing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project REPL 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-repl_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-repl_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-repl_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/repl/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/repl/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-repl_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/jline/2.10.5/jline-2.10.5.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/fusesource/jansi/jansi/1.4/jansi-1.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar +[INFO] +[INFO] --- build-helper-maven-plugin:1.9.1:add-source (add-scala-sources) @ spark-repl_2.10 --- +[INFO] Source directory: /Users/royl/git/spark/repl/scala-2.10/src/main/scala added. +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-repl_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-repl_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/repl/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-repl_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 13 Scala sources to /Users/royl/git/spark/repl/target/scala-2.10/classes... +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-repl_2.10 --- +[INFO] Nothing to compile - all classes are up to date +[INFO] +[INFO] --- build-helper-maven-plugin:1.9.1:add-test-source (add-scala-test-sources) @ spark-repl_2.10 --- +[INFO] Test Source directory: /Users/royl/git/spark/repl/scala-2.10/src/test/scala added. +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-repl_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/repl/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-repl_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-repl_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 2 Scala sources to /Users/royl/git/spark/repl/target/scala-2.10/test-classes... +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-repl_2.10 --- +[INFO] Nothing to compile - all classes are up to date +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-repl_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-repl_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-repl_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-repl_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-repl_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-repl_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-repl_2.10 --- +[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. +[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. +[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. +[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. +[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. +[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. +[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. +[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. +[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. +[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. +[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. +[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. +[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. +[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. +[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-mllib_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-streaming_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-graphx_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding com.github.fommil.netlib:core:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.sourceforge.f2j:arpack_combined_all:jar:0.1 from the shaded jar. +[INFO] Excluding org.scalanlp:breeze_2.10:jar:0.11.2 from the shaded jar. +[INFO] Excluding org.scalanlp:breeze-macros_2.10:jar:0.11.2 from the shaded jar. +[INFO] Excluding org.scalamacros:quasiquotes_2.10:jar:2.0.0-M8 from the shaded jar. +[INFO] Excluding net.sf.opencsv:opencsv:jar:2.3 from the shaded jar. +[INFO] Excluding com.github.rwl:jtransforms:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.spire-math:spire_2.10:jar:0.7.4 from the shaded jar. +[INFO] Excluding org.spire-math:spire-macros_2.10:jar:0.7.4 from the shaded jar. +[INFO] Excluding org.jpmml:pmml-model:jar:1.2.7 from the shaded jar. +[INFO] Excluding org.jpmml:pmml-agent:jar:1.2.7 from the shaded jar. +[INFO] Excluding org.jpmml:pmml-schema:jar:1.2.7 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-sql_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. +[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.8 from the shaded jar. +[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. +[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.scala-lang:jline:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.fusesource.jansi:jansi:jar:1.4 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/repl/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/repl/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/repl/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/repl/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-repl_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-repl_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-repl_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-repl_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-repl_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-repl_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/jline/2.10.5/jline-2.10.5.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/fusesource/jansi/jansi/1.4/jansi-1.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar +[INFO] +[INFO] --- build-helper-maven-plugin:1.9.1:add-source (add-scala-sources) @ spark-repl_2.10 --- +[INFO] Source directory: /Users/royl/git/spark/repl/scala-2.10/src/main/scala added. +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-repl_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-repl_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 47 documentable templates +/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:89: warning: Variable eval undefined in comment for class SparkIMain in class SparkIMain + class SparkIMain( + ^ +/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:1782: warning: Variable iw undefined in comment for method unwrapStrings in class SparkISettings + var unwrapStrings = true + ^ +/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:816: warning: Variable ires0 undefined in comment for method interpretSynthetic in class SparkIMain + def interpretSynthetic(line: String): IR.Result = interpret(line, true) + ^ +/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:527: warning: Variable line19 undefined in comment for method generatedName in class SparkIMain + def generatedName(simpleName: String): Option[String] = { + ^ +/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:1174: warning: Variable line5 undefined in comment for method fullFlatName in class Request + def fullFlatName(name: String) = + ^ +5 warnings found +[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-repl_2.10 --- +Saving to outputFile=/Users/royl/git/spark/repl/target/scalastyle-output.xml +Processed 1 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 145 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-repl_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-repl_2.10 --- +[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/repl/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Assembly 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-assembly_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/assembly/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/assembly/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-assembly_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/jline/2.10.5/jline-2.10.5.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/fusesource/jansi/jansi/1.4/jansi-1.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-assembly_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/assembly/target/tmp + [zip] Building zip: /Users/royl/git/spark/python/lib/pyspark.zip +[INFO] Executed tasks +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-assembly_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/assembly/target/spark-assembly_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-assembly_2.10 --- +[INFO] Including org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 in the shaded jar. +[INFO] Including org.apache.avro:avro-ipc:jar:1.7.7 in the shaded jar. +[INFO] Including org.apache.avro:avro:jar:1.7.7 in the shaded jar. +[INFO] Including org.apache.avro:avro-ipc:jar:tests:1.7.7 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-core-asl:jar:1.9.13 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 in the shaded jar. +[INFO] Including com.twitter:chill_2.10:jar:0.5.0 in the shaded jar. +[INFO] Including com.esotericsoftware.kryo:kryo:jar:2.21 in the shaded jar. +[INFO] Including com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 in the shaded jar. +[INFO] Including com.esotericsoftware.minlog:minlog:jar:1.2 in the shaded jar. +[INFO] Including org.objenesis:objenesis:jar:1.2 in the shaded jar. +[INFO] Including com.twitter:chill-java:jar:0.5.0 in the shaded jar. +[INFO] Including org.apache.xbean:xbean-asm5-shaded:jar:4.4 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-client:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-common:jar:2.2.0 in the shaded jar. +[INFO] Including commons-cli:commons-cli:jar:1.2 in the shaded jar. +[INFO] Including org.apache.commons:commons-math:jar:2.1 in the shaded jar. +[INFO] Including xmlenc:xmlenc:jar:0.52 in the shaded jar. +[INFO] Including commons-configuration:commons-configuration:jar:1.6 in the shaded jar. +[INFO] Including commons-collections:commons-collections:jar:3.2.2 in the shaded jar. +[INFO] Including commons-digester:commons-digester:jar:1.8 in the shaded jar. +[INFO] Including commons-beanutils:commons-beanutils:jar:1.7.0 in the shaded jar. +[INFO] Including commons-beanutils:commons-beanutils-core:jar:1.8.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-auth:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.commons:commons-compress:jar:1.4.1 in the shaded jar. +[INFO] Including org.tukaani:xz:jar:1.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-hdfs:jar:2.2.0 in the shaded jar. +[INFO] Including org.mortbay.jetty:jetty-util:jar:6.1.26 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 in the shaded jar. +[INFO] Including com.google.inject:guice:jar:3.0 in the shaded jar. +[INFO] Including javax.inject:javax.inject:jar:1 in the shaded jar. +[INFO] Including aopalliance:aopalliance:jar:1.0 in the shaded jar. +[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 in the shaded jar. +[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 in the shaded jar. +[INFO] Including javax.servlet:javax.servlet-api:jar:3.0.1 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-client:jar:1.9 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-grizzly2:jar:1.9 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-framework:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 in the shaded jar. +[INFO] Including org.glassfish.external:management-api:jar:3.0.0-b012 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish:javax.servlet:jar:3.1 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-json:jar:1.9 in the shaded jar. +[INFO] Including org.codehaus.jettison:jettison:jar:1.1 in the shaded jar. +[INFO] Including com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 in the shaded jar. +[INFO] Including javax.xml.bind:jaxb-api:jar:2.2.2 in the shaded jar. +[INFO] Including javax.activation:activation:jar:1.1 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-xc:jar:1.9.13 in the shaded jar. +[INFO] Including com.sun.jersey.contribs:jersey-guice:jar:1.9 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-annotations:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 in the shaded jar. +[INFO] Including com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 in the shaded jar. +[INFO] Including org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including net.java.dev.jets3t:jets3t:jar:0.7.1 in the shaded jar. +[INFO] Including commons-codec:commons-codec:jar:1.10 in the shaded jar. +[INFO] Including commons-httpclient:commons-httpclient:jar:3.1 in the shaded jar. +[INFO] Including org.apache.curator:curator-recipes:jar:2.4.0 in the shaded jar. +[INFO] Including org.apache.curator:curator-framework:jar:2.4.0 in the shaded jar. +[INFO] Including org.apache.curator:curator-client:jar:2.4.0 in the shaded jar. +[INFO] Including org.apache.zookeeper:zookeeper:jar:3.4.5 in the shaded jar. +[INFO] Including jline:jline:jar:0.9.94 in the shaded jar. +[INFO] Including org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 in the shaded jar. +[INFO] Including org.apache.commons:commons-lang3:jar:3.3.2 in the shaded jar. +[INFO] Including org.apache.commons:commons-math3:jar:3.4.1 in the shaded jar. +[INFO] Including com.google.code.findbugs:jsr305:jar:1.3.9 in the shaded jar. +[INFO] Including org.slf4j:slf4j-api:jar:1.7.10 in the shaded jar. +[INFO] Including org.slf4j:jul-to-slf4j:jar:1.7.10 in the shaded jar. +[INFO] Including org.slf4j:jcl-over-slf4j:jar:1.7.10 in the shaded jar. +[INFO] Including log4j:log4j:jar:1.2.17 in the shaded jar. +[INFO] Including org.slf4j:slf4j-log4j12:jar:1.7.10 in the shaded jar. +[INFO] Including com.ning:compress-lzf:jar:1.0.3 in the shaded jar. +[INFO] Including org.xerial.snappy:snappy-java:jar:1.1.2 in the shaded jar. +[INFO] Including net.jpountz.lz4:lz4:jar:1.3.0 in the shaded jar. +[INFO] Including org.roaringbitmap:RoaringBitmap:jar:0.5.11 in the shaded jar. +[INFO] Including commons-net:commons-net:jar:2.2 in the shaded jar. +[INFO] Including com.typesafe.akka:akka-remote_2.10:jar:2.3.11 in the shaded jar. +[INFO] Including com.typesafe.akka:akka-actor_2.10:jar:2.3.11 in the shaded jar. +[INFO] Including com.typesafe:config:jar:1.2.1 in the shaded jar. +[INFO] Including io.netty:netty:jar:3.8.0.Final in the shaded jar. +[INFO] Including com.google.protobuf:protobuf-java:jar:2.5.0 in the shaded jar. +[INFO] Including org.uncommons.maths:uncommons-maths:jar:1.2.2a in the shaded jar. +[INFO] Including com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 in the shaded jar. +[INFO] Including org.scala-lang:scala-library:jar:2.10.5 in the shaded jar. +[INFO] Including org.json4s:json4s-jackson_2.10:jar:3.2.10 in the shaded jar. +[INFO] Including org.json4s:json4s-core_2.10:jar:3.2.10 in the shaded jar. +[INFO] Including org.json4s:json4s-ast_2.10:jar:3.2.10 in the shaded jar. +[INFO] Including org.scala-lang:scalap:jar:2.10.5 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-server:jar:1.9 in the shaded jar. +[INFO] Including asm:asm:jar:3.1 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-core:jar:1.9 in the shaded jar. +[INFO] Including org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 in the shaded jar. +[INFO] Including io.netty:netty-all:jar:4.0.29.Final in the shaded jar. +[INFO] Including com.clearspring.analytics:stream:jar:2.7.0 in the shaded jar. +[INFO] Including io.dropwizard.metrics:metrics-core:jar:3.1.2 in the shaded jar. +[INFO] Including io.dropwizard.metrics:metrics-jvm:jar:3.1.2 in the shaded jar. +[INFO] Including io.dropwizard.metrics:metrics-json:jar:3.1.2 in the shaded jar. +[INFO] Including io.dropwizard.metrics:metrics-graphite:jar:3.1.2 in the shaded jar. +[INFO] Including com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 in the shaded jar. +[INFO] Including com.fasterxml.jackson.core:jackson-core:jar:2.5.3 in the shaded jar. +[INFO] Including com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 in the shaded jar. +[INFO] Including com.thoughtworks.paranamer:paranamer:jar:2.6 in the shaded jar. +[INFO] Including org.apache.ivy:ivy:jar:2.4.0 in the shaded jar. +[INFO] Including oro:oro:jar:2.0.8 in the shaded jar. +[INFO] Including org.tachyonproject:tachyon-client:jar:0.8.2 in the shaded jar. +[INFO] Including commons-lang:commons-lang:jar:2.6 in the shaded jar. +[INFO] Including commons-io:commons-io:jar:2.4 in the shaded jar. +[INFO] Including org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 in the shaded jar. +[INFO] Including org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 in the shaded jar. +[INFO] Including org.tachyonproject:tachyon-underfs-local:jar:0.8.2 in the shaded jar. +[INFO] Including net.razorvine:pyrolite:jar:4.9 in the shaded jar. +[INFO] Including net.sf.py4j:py4j:jar:0.9 in the shaded jar. +[INFO] Including org.apache.spark:spark-mllib_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.scalanlp:breeze_2.10:jar:0.11.2 in the shaded jar. +[INFO] Including org.scalanlp:breeze-macros_2.10:jar:0.11.2 in the shaded jar. +[INFO] Including org.scalamacros:quasiquotes_2.10:jar:2.0.0-M8 in the shaded jar. +[INFO] Including net.sf.opencsv:opencsv:jar:2.3 in the shaded jar. +[INFO] Including com.github.rwl:jtransforms:jar:2.4.0 in the shaded jar. +[INFO] Including org.spire-math:spire_2.10:jar:0.7.4 in the shaded jar. +[INFO] Including org.spire-math:spire-macros_2.10:jar:0.7.4 in the shaded jar. +[INFO] Including org.jpmml:pmml-model:jar:1.2.7 in the shaded jar. +[INFO] Including org.jpmml:pmml-agent:jar:1.2.7 in the shaded jar. +[INFO] Including org.jpmml:pmml-schema:jar:1.2.7 in the shaded jar. +[INFO] Including org.apache.spark:spark-streaming_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.spark:spark-graphx_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including com.github.fommil.netlib:core:jar:1.1.2 in the shaded jar. +[INFO] Including net.sourceforge.f2j:arpack_combined_all:jar:0.1 in the shaded jar. +[INFO] Including org.apache.spark:spark-sql_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.codehaus.janino:janino:jar:2.7.8 in the shaded jar. +[INFO] Including org.codehaus.janino:commons-compiler:jar:2.7.8 in the shaded jar. +[INFO] Including org.antlr:antlr-runtime:jar:3.5.2 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-column:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-common:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-encoding:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-generator:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-hadoop:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-format:jar:2.3.0-incubating in the shaded jar. +[INFO] Including org.apache.parquet:parquet-jackson:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.spark:spark-repl_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.scala-lang:scala-compiler:jar:2.10.5 in the shaded jar. +[INFO] Including org.scala-lang:scala-reflect:jar:2.10.5 in the shaded jar. +[INFO] Including org.scala-lang:jline:jar:2.10.5 in the shaded jar. +[INFO] Including org.fusesource.jansi:jansi:jar:1.4 in the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[WARNING] commons-beanutils-core-1.8.0.jar, commons-collections-3.2.2.jar, commons-beanutils-1.7.0.jar define 10 overlapping classes: +[WARNING] - org.apache.commons.collections.FastHashMap$EntrySet +[WARNING] - org.apache.commons.collections.FastHashMap$KeySet +[WARNING] - org.apache.commons.collections.ArrayStack +[WARNING] - org.apache.commons.collections.FastHashMap$CollectionView$CollectionViewIterator +[WARNING] - org.apache.commons.collections.FastHashMap$Values +[WARNING] - org.apache.commons.collections.FastHashMap$CollectionView +[WARNING] - org.apache.commons.collections.FastHashMap$1 +[WARNING] - org.apache.commons.collections.Buffer +[WARNING] - org.apache.commons.collections.FastHashMap +[WARNING] - org.apache.commons.collections.BufferUnderflowException +[WARNING] leveldbjni-all-1.8.jar, jline-2.10.5.jar, jansi-1.4.jar define 2 overlapping classes: +[WARNING] - org.fusesource.hawtjni.runtime.Library +[WARNING] - org.fusesource.hawtjni.runtime.Callback +[WARNING] kryo-2.21.jar, reflectasm-1.07-shaded.jar define 23 overlapping classes: +[WARNING] - com.esotericsoftware.reflectasm.AccessClassLoader +[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.Opcodes +[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.Label +[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.ClassWriter +[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.AnnotationVisitor +[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.Type +[WARNING] - com.esotericsoftware.reflectasm.FieldAccess +[WARNING] - com.esotericsoftware.reflectasm.ConstructorAccess +[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.Edge +[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.ClassVisitor +[WARNING] - 13 more... +[WARNING] jline-2.10.5.jar, jansi-1.4.jar define 21 overlapping classes: +[WARNING] - org.fusesource.jansi.Ansi$2 +[WARNING] - org.fusesource.jansi.AnsiConsole$1 +[WARNING] - org.fusesource.jansi.internal.Kernel32 +[WARNING] - org.fusesource.jansi.WindowsAnsiOutputStream +[WARNING] - org.fusesource.jansi.Ansi$1 +[WARNING] - org.fusesource.jansi.AnsiString +[WARNING] - org.fusesource.jansi.internal.Kernel32$COORD +[WARNING] - org.fusesource.jansi.AnsiRenderer +[WARNING] - org.fusesource.jansi.Ansi$NoAnsi +[WARNING] - org.fusesource.jansi.Ansi +[WARNING] - 11 more... +[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar, javax.servlet-3.0.0.v201112011016.jar define 74 overlapping classes: +[WARNING] - javax.servlet.http.Cookie +[WARNING] - javax.servlet.ServletContext +[WARNING] - javax.servlet.Registration +[WARNING] - javax.servlet.http.HttpSessionListener +[WARNING] - javax.servlet.http.HttpSessionContext +[WARNING] - javax.servlet.FilterChain +[WARNING] - javax.servlet.http.HttpServletRequestWrapper +[WARNING] - javax.servlet.http.HttpSessionAttributeListener +[WARNING] - javax.servlet.annotation.HandlesTypes +[WARNING] - javax.servlet.http.HttpSessionBindingListener +[WARNING] - 64 more... +[WARNING] spark-network-common_2.10-2.0.0-SNAPSHOT.jar, spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar, spark-launcher_2.10-2.0.0-SNAPSHOT.jar, spark-graphx_2.10-2.0.0-SNAPSHOT.jar, spark-catalyst_2.10-2.0.0-SNAPSHOT.jar, spark-unsafe_2.10-2.0.0-SNAPSHOT.jar, spark-sql_2.10-2.0.0-SNAPSHOT.jar, spark-mllib_2.10-2.0.0-SNAPSHOT.jar, spark-streaming_2.10-2.0.0-SNAPSHOT.jar, spark-core_2.10-2.0.0-SNAPSHOT.jar, spark-repl_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: +[WARNING] - org.apache.spark.unused.UnusedStubClass +[WARNING] leveldbjni-all-1.8.jar, jansi-1.4.jar define 12 overlapping classes: +[WARNING] - org.fusesource.hawtjni.runtime.ArgFlag +[WARNING] - org.fusesource.hawtjni.runtime.JniMethod +[WARNING] - org.fusesource.hawtjni.runtime.NativeStats +[WARNING] - org.fusesource.hawtjni.runtime.NativeStats$StatsInterface +[WARNING] - org.fusesource.hawtjni.runtime.MethodFlag +[WARNING] - org.fusesource.hawtjni.runtime.ClassFlag +[WARNING] - org.fusesource.hawtjni.runtime.NativeStats$NativeFunction +[WARNING] - org.fusesource.hawtjni.runtime.T32 +[WARNING] - org.fusesource.hawtjni.runtime.FieldFlag +[WARNING] - org.fusesource.hawtjni.runtime.JniArg +[WARNING] - 2 more... +[WARNING] hadoop-yarn-common-2.2.0.jar, hadoop-yarn-api-2.2.0.jar define 3 overlapping classes: +[WARNING] - org.apache.hadoop.yarn.util.package-info +[WARNING] - org.apache.hadoop.yarn.factories.package-info +[WARNING] - org.apache.hadoop.yarn.factory.providers.package-info +[WARNING] kryo-2.21.jar, objenesis-1.2.jar define 32 overlapping classes: +[WARNING] - org.objenesis.ObjenesisBase +[WARNING] - org.objenesis.instantiator.gcj.GCJInstantiator +[WARNING] - org.objenesis.ObjenesisHelper +[WARNING] - org.objenesis.instantiator.jrockit.JRockitLegacyInstantiator +[WARNING] - org.objenesis.instantiator.sun.SunReflectionFactoryInstantiator +[WARNING] - org.objenesis.instantiator.ObjectInstantiator +[WARNING] - org.objenesis.instantiator.gcj.GCJInstantiatorBase$DummyStream +[WARNING] - org.objenesis.instantiator.basic.ObjectStreamClassInstantiator +[WARNING] - org.objenesis.ObjenesisException +[WARNING] - org.objenesis.Objenesis +[WARNING] - 22 more... +[WARNING] commons-beanutils-core-1.8.0.jar, commons-beanutils-1.7.0.jar define 82 overlapping classes: +[WARNING] - org.apache.commons.beanutils.ConvertUtilsBean +[WARNING] - org.apache.commons.beanutils.converters.SqlTimeConverter +[WARNING] - org.apache.commons.beanutils.Converter +[WARNING] - org.apache.commons.beanutils.converters.FloatArrayConverter +[WARNING] - org.apache.commons.beanutils.NestedNullException +[WARNING] - org.apache.commons.beanutils.ConvertingWrapDynaBean +[WARNING] - org.apache.commons.beanutils.converters.LongArrayConverter +[WARNING] - org.apache.commons.beanutils.converters.SqlDateConverter +[WARNING] - org.apache.commons.beanutils.converters.BooleanArrayConverter +[WARNING] - org.apache.commons.beanutils.converters.StringConverter +[WARNING] - 72 more... +[WARNING] minlog-1.2.jar, kryo-2.21.jar define 2 overlapping classes: +[WARNING] - com.esotericsoftware.minlog.Log +[WARNING] - com.esotericsoftware.minlog.Log$Logger +[WARNING] maven-shade-plugin has detected that some class files are +[WARNING] present in two or more JARs. When this happens, only one +[WARNING] single version of the class is copied to the uber jar. +[WARNING] Usually this is not harmful and you can skip these warnings, +[WARNING] otherwise try to manually exclude artifacts based on +[WARNING] mvn dependency:tree -Ddetail=true and the above output. +[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (default) @ spark-assembly_2.10 --- +[INFO] Executing tasks + +main: +[INFO] Executed tasks +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-assembly_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-assembly_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/jline/2.10.5/jline-2.10.5.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/fusesource/jansi/jansi/1.4/jansi-1.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-assembly_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-assembly_2.10 --- +[INFO] No source files found +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-assembly_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/assembly/src/main/scala +Saving to outputFile=/Users/royl/git/spark/assembly/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 1 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-assembly_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-assembly_2.10 --- +[INFO] Skipping artifact installation +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project External Twitter 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-twitter_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-twitter_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-twitter_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/external/twitter/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/external/twitter/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-twitter_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-core/4.0.4/twitter4j-core-4.0.4.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-stream/4.0.4/twitter4j-stream-4.0.4.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-twitter_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-twitter_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/twitter/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-twitter_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 3 Scala sources and 1 Java source to /Users/royl/git/spark/external/twitter/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-twitter_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 1 source file to /Users/royl/git/spark/external/twitter/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-twitter_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/external/twitter/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-twitter_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-twitter_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 1 Scala source and 2 Java sources to /Users/royl/git/spark/external/twitter/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-twitter_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 2 source files to /Users/royl/git/spark/external/twitter/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-twitter_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-twitter_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-twitter_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-twitter_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-twitter_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-twitter_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-twitter_2.10 --- +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.twitter4j:twitter4j-stream:jar:4.0.4 from the shaded jar. +[INFO] Excluding org.twitter4j:twitter4j-core:jar:4.0.4 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-twitter_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-twitter_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-twitter_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-twitter_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-twitter_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-twitter_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-core/4.0.4/twitter4j-core-4.0.4.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-stream/4.0.4/twitter4j-stream-4.0.4.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-twitter_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-twitter_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 7 documentable templates +[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-twitter_2.10 --- +Saving to outputFile=/Users/royl/git/spark/external/twitter/target/scalastyle-output.xml +Processed 3 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 44 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-twitter_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-twitter_2.10 --- +[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project External Flume Sink 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume-sink_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/external/flume-sink/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/external/flume-sink/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume-sink_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar +[INFO] +[INFO] --- avro-maven-plugin:1.7.7:idl-protocol (default) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-flume-sink_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/flume-sink/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-flume-sink_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 6 Scala sources and 3 Java sources to /Users/royl/git/spark/external/flume-sink/target/scala-2.10/classes... +[WARNING] Class org.jboss.netty.channel.ChannelFactory not found - continuing with a stub. +[WARNING] Class org.jboss.netty.channel.ChannelFactory not found - continuing with a stub. +[WARNING] Class org.jboss.netty.channel.ChannelPipelineFactory not found - continuing with a stub. +[WARNING] Class org.jboss.netty.handler.execution.ExecutionHandler not found - continuing with a stub. +[WARNING] Class org.jboss.netty.channel.ChannelFactory not found - continuing with a stub. +[WARNING] Class org.jboss.netty.handler.execution.ExecutionHandler not found - continuing with a stub. +[WARNING] Class org.jboss.netty.channel.group.ChannelGroup not found - continuing with a stub. +[WARNING] Class com.google.common.collect.ImmutableMap not found - continuing with a stub. +[WARNING] Class com.google.common.collect.ImmutableMap not found - continuing with a stub. +[WARNING] Class com.google.common.collect.ImmutableMap not found - continuing with a stub. +[WARNING] Class com.google.common.collect.ImmutableMap not found - continuing with a stub. +[WARNING] 11 warnings found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] /Users/royl/git/spark/external/flume-sink/target/scala-2.10/src_managed/main/compiled_avro/org/apache/spark/streaming/flume/sink/EventBatch.java:243: warning: [unchecked] unchecked cast +[WARNING] record.events = fieldSetFlags()[2] ? this.events : (java.util.List) defaultValue(fields()[2]); +[WARNING] ^ +[WARNING] required: List +[WARNING] found: Object +[WARNING] /Users/royl/git/spark/external/flume-sink/target/scala-2.10/src_managed/main/compiled_avro/org/apache/spark/streaming/flume/sink/SparkSinkEvent.java:188: warning: [unchecked] unchecked cast +[WARNING] record.headers = fieldSetFlags()[0] ? this.headers : (java.util.Map) defaultValue(fields()[0]); +[WARNING] ^ +[WARNING] required: Map +[WARNING] found: Object +[WARNING] 3 warnings +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-flume-sink_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 3 source files to /Users/royl/git/spark/external/flume-sink/target/scala-2.10/classes +[WARNING] /Users/royl/git/spark/external/flume-sink/target/scala-2.10/src_managed/main/compiled_avro/org/apache/spark/streaming/flume/sink/EventBatch.java:[243,142] [unchecked] unchecked cast +[WARNING] required: List + found: Object +/Users/royl/git/spark/external/flume-sink/target/scala-2.10/src_managed/main/compiled_avro/org/apache/spark/streaming/flume/sink/SparkSinkEvent.java:[188,136] [unchecked] unchecked cast +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-flume-sink_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/external/flume-sink/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-flume-sink_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-flume-sink_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 1 Scala source to /Users/royl/git/spark/external/flume-sink/target/scala-2.10/test-classes... +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-flume-sink_2.10 --- +[INFO] Nothing to compile - all classes are up to date +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-flume-sink_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-flume-sink_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-flume-sink_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-flume-sink_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-flume-sink_2.10 --- +[INFO] Excluding org.apache.flume:flume-ng-sdk:jar:1.6.0 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.3 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.flume:flume-ng-core:jar:1.6.0 from the shaded jar. +[INFO] Excluding org.apache.flume:flume-ng-configuration:jar:1.6.0 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding joda-time:joda-time:jar:2.9 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty:jar:6.1.26 from the shaded jar. +[INFO] Excluding com.google.code.gson:gson:jar:2.2.2 from the shaded jar. +[INFO] Excluding org.apache.mina:mina-core:jar:2.0.4 from the shaded jar. +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-sink/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-sink/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-flume-sink_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-flume-sink_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-flume-sink_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume-sink_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar +[INFO] +[INFO] --- avro-maven-plugin:1.7.7:idl-protocol (default) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-flume-sink_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-flume-sink_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 11 documentable templates +[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-flume-sink_2.10 --- +Saving to outputFile=/Users/royl/git/spark/external/flume-sink/target/scalastyle-output.xml +Processed 6 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 106 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-flume-sink_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-flume-sink_2.10 --- +[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/external/flume-sink/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project External Flume 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-flume_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/external/flume/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/external/flume/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-flume_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-flume_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/flume/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-flume_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 8 Scala sources and 1 Java source to /Users/royl/git/spark/external/flume/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-flume_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 1 source file to /Users/royl/git/spark/external/flume/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-flume_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/external/flume/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-flume_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-flume_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 3 Scala sources and 3 Java sources to /Users/royl/git/spark/external/flume/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-flume_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 3 source files to /Users/royl/git/spark/external/flume/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-flume_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-flume_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-flume_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-flume_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-flume_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-flume_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-flume_2.10 --- +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.spark:spark-streaming-flume-sink_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. +[INFO] Excluding org.apache.flume:flume-ng-core:jar:1.6.0 from the shaded jar. +[INFO] Excluding org.apache.flume:flume-ng-configuration:jar:1.6.0 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding joda-time:joda-time:jar:2.9 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty:jar:6.1.26 from the shaded jar. +[INFO] Excluding com.google.code.gson:gson:jar:2.2.2 from the shaded jar. +[INFO] Excluding org.apache.mina:mina-core:jar:2.0.4 from the shaded jar. +[INFO] Excluding org.apache.flume:flume-ng-sdk:jar:1.6.0 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-flume_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-flume_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-flume_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-flume_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-flume_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 8 documentable templates +[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-flume_2.10 --- +Saving to outputFile=/Users/royl/git/spark/external/flume/target/scalastyle-output.xml +Processed 8 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 160 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-flume_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-flume_2.10 --- +[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/external/flume/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project External Flume Assembly 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-flume-assembly_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume-assembly_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/external/flume-assembly/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/external/flume-assembly/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-flume-assembly_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/flume-assembly/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-flume-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-flume-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/external/flume-assembly/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/flume-assembly/src/test/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-flume-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-flume-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-flume-assembly_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-flume-assembly_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Including org.apache.spark:spark-streaming-flume_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.spark:spark-streaming-flume-sink_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.flume:flume-ng-core:jar:1.6.0 in the shaded jar. +[INFO] Including org.apache.flume:flume-ng-configuration:jar:1.6.0 in the shaded jar. +[INFO] Including commons-io:commons-io:jar:2.1 in the shaded jar. +[INFO] Including commons-cli:commons-cli:jar:1.2 in the shaded jar. +[INFO] Including joda-time:joda-time:jar:2.9 in the shaded jar. +[INFO] Including com.google.code.gson:gson:jar:2.2.2 in the shaded jar. +[INFO] Including org.apache.mina:mina-core:jar:2.0.4 in the shaded jar. +[INFO] Including org.apache.flume:flume-ng-sdk:jar:1.6.0 in the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[WARNING] spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: +[WARNING] - org.apache.spark.unused.UnusedStubClass +[WARNING] maven-shade-plugin has detected that some class files are +[WARNING] present in two or more JARs. When this happens, only one +[WARNING] single version of the class is copied to the uber jar. +[WARNING] Usually this is not harmful and you can skip these warnings, +[WARNING] otherwise try to manually exclude artifacts based on +[WARNING] mvn dependency:tree -Ddetail=true and the above output. +[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-flume-assembly_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume-assembly_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume-assembly_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-flume-assembly_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-flume-assembly_2.10 --- +[INFO] No source files found +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-flume-assembly_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/external/flume-assembly/src/main/scala +Saving to outputFile=/Users/royl/git/spark/external/flume-assembly/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 1 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-flume-assembly_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-flume-assembly_2.10 --- +[INFO] Installing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project External MQTT 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-mqtt_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-mqtt_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-mqtt_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/external/mqtt/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/external/mqtt/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-mqtt_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-mqtt_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-mqtt_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/mqtt/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-mqtt_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 3 Scala sources and 1 Java source to /Users/royl/git/spark/external/mqtt/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-mqtt_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 1 source file to /Users/royl/git/spark/external/mqtt/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-mqtt_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/external/mqtt/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-mqtt_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-mqtt_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 2 Scala sources and 2 Java sources to /Users/royl/git/spark/external/mqtt/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-mqtt_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 2 source files to /Users/royl/git/spark/external/mqtt/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-mqtt_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-mqtt_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-mqtt_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-mqtt_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-mqtt_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-mqtt_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-mqtt_2.10 --- +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.eclipse.paho:org.eclipse.paho.client.mqttv3:jar:1.0.2 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-mqtt_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-mqtt_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] --- maven-assembly-plugin:2.5.5:single (test-jar-with-dependencies) @ spark-streaming-mqtt_2.10 --- +[INFO] Reading assembly descriptor: src/main/assembly/assembly.xml +[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/scala-2.10/spark-streaming-mqtt-test-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-mqtt_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-mqtt_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-mqtt_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-mqtt_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-mqtt_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-mqtt_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 7 documentable templates +[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-mqtt_2.10 --- +Saving to outputFile=/Users/royl/git/spark/external/mqtt/target/scalastyle-output.xml +Processed 3 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 17 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-mqtt_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-mqtt_2.10 --- +[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project External MQTT Assembly 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/external/mqtt-assembly/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/external/mqtt-assembly/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/mqtt-assembly/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/external/mqtt-assembly/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/mqtt-assembly/src/test/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Including org.apache.spark:spark-streaming-mqtt_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.eclipse.paho:org.eclipse.paho.client.mqttv3:jar:1.0.2 in the shaded jar. +[INFO] Including com.thoughtworks.paranamer:paranamer:jar:2.6 in the shaded jar. +[INFO] Including commons-io:commons-io:jar:2.1 in the shaded jar. +[INFO] Including org.apache.avro:avro:jar:1.7.7 in the shaded jar. +[INFO] Including org.apache.commons:commons-compress:jar:1.4.1 in the shaded jar. +[INFO] Including org.tukaani:xz:jar:1.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 in the shaded jar. +[INFO] Including com.google.inject:guice:jar:3.0 in the shaded jar. +[INFO] Including javax.inject:javax.inject:jar:1 in the shaded jar. +[INFO] Including aopalliance:aopalliance:jar:1.0 in the shaded jar. +[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 in the shaded jar. +[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 in the shaded jar. +[INFO] Including javax.servlet:javax.servlet-api:jar:3.0.1 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-client:jar:1.9 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-grizzly2:jar:1.9 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-framework:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 in the shaded jar. +[INFO] Including org.glassfish.external:management-api:jar:3.0.0-b012 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish:javax.servlet:jar:3.1 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-json:jar:1.9 in the shaded jar. +[INFO] Including org.codehaus.jettison:jettison:jar:1.1 in the shaded jar. +[INFO] Including com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 in the shaded jar. +[INFO] Including javax.xml.bind:jaxb-api:jar:2.2.2 in the shaded jar. +[INFO] Including javax.activation:activation:jar:1.1 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-xc:jar:1.9.13 in the shaded jar. +[INFO] Including com.sun.jersey.contribs:jersey-guice:jar:1.9 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.avro:avro-ipc:jar:1.7.7 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-core-asl:jar:1.9.13 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 in the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar define 74 overlapping classes: +[WARNING] - javax.servlet.http.Cookie +[WARNING] - javax.servlet.ServletContext +[WARNING] - javax.servlet.Registration +[WARNING] - javax.servlet.http.HttpSessionListener +[WARNING] - javax.servlet.http.HttpSessionContext +[WARNING] - javax.servlet.FilterChain +[WARNING] - javax.servlet.http.HttpServletRequestWrapper +[WARNING] - javax.servlet.http.HttpSessionAttributeListener +[WARNING] - javax.servlet.http.HttpSessionBindingListener +[WARNING] - javax.servlet.annotation.HandlesTypes +[WARNING] - 64 more... +[WARNING] hadoop-yarn-common-2.2.0.jar, hadoop-yarn-api-2.2.0.jar define 3 overlapping classes: +[WARNING] - org.apache.hadoop.yarn.util.package-info +[WARNING] - org.apache.hadoop.yarn.factories.package-info +[WARNING] - org.apache.hadoop.yarn.factory.providers.package-info +[WARNING] spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: +[WARNING] - org.apache.spark.unused.UnusedStubClass +[WARNING] maven-shade-plugin has detected that some class files are +[WARNING] present in two or more JARs. When this happens, only one +[WARNING] single version of the class is copied to the uber jar. +[WARNING] Usually this is not harmful and you can skip these warnings, +[WARNING] otherwise try to manually exclude artifacts based on +[WARNING] mvn dependency:tree -Ddetail=true and the above output. +[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt-assembly/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt-assembly/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-mqtt-assembly_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-mqtt-assembly_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] No source files found +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-mqtt-assembly_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/external/mqtt-assembly/src/main/scala +Saving to outputFile=/Users/royl/git/spark/external/mqtt-assembly/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 0 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-mqtt-assembly_2.10 --- +[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project External ZeroMQ 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-zeromq_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-zeromq_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-zeromq_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/external/zeromq/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/external/zeromq/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-zeromq_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/net/java/dev/jna/jna/3.0.9/jna-3.0.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-zeromq_2.10/2.3.11/akka-zeromq_2.10-2.3.11.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/github/jnr/jnr-constants/0.8.2/jnr-constants-0.8.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/zeromq/zeromq-scala-binding_2.10/0.0.7/zeromq-scala-binding_2.10-0.0.7.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-zeromq_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-zeromq_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/zeromq/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-zeromq_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 3 Scala sources and 1 Java source to /Users/royl/git/spark/external/zeromq/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-zeromq_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 1 source file to /Users/royl/git/spark/external/zeromq/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-zeromq_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/external/zeromq/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-zeromq_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-zeromq_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 1 Scala source and 2 Java sources to /Users/royl/git/spark/external/zeromq/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-zeromq_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 2 source files to /Users/royl/git/spark/external/zeromq/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-zeromq_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-zeromq_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-zeromq_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-zeromq_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-zeromq_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-zeromq_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-zeromq_2.10 --- +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding com.typesafe.akka:akka-zeromq_2.10:jar:2.3.11 from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding org.zeromq:zeromq-scala-binding_2.10:jar:0.0.7 from the shaded jar. +[INFO] Excluding net.java.dev.jna:jna:jar:3.0.9 from the shaded jar. +[INFO] Excluding com.github.jnr:jnr-constants:jar:0.8.2 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/zeromq/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/zeromq/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/zeromq/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-zeromq_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-zeromq_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-zeromq_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-zeromq_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-zeromq_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-zeromq_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/net/java/dev/jna/jna/3.0.9/jna-3.0.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-zeromq_2.10/2.3.11/akka-zeromq_2.10-2.3.11.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/github/jnr/jnr-constants/0.8.2/jnr-constants-0.8.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/zeromq/zeromq-scala-binding_2.10/0.0.7/zeromq-scala-binding_2.10-0.0.7.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-zeromq_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-zeromq_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 7 documentable templates +[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-zeromq_2.10 --- +Saving to outputFile=/Users/royl/git/spark/external/zeromq/target/scalastyle-output.xml +Processed 3 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 20 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-zeromq_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-zeromq_2.10 --- +[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/external/zeromq/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project External Kafka 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-kafka_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-kafka_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-kafka_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/external/kafka/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/external/kafka/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-kafka_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-kafka_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-kafka_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/kafka/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-kafka_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 11 Scala sources and 1 Java source to /Users/royl/git/spark/external/kafka/target/scala-2.10/classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-kafka_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 1 source file to /Users/royl/git/spark/external/kafka/target/scala-2.10/classes +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-kafka_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/external/kafka/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-kafka_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 1 resource +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-kafka_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 5 Scala sources and 3 Java sources to /Users/royl/git/spark/external/kafka/target/scala-2.10/test-classes... +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] 1 warning +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-kafka_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 3 source files to /Users/royl/git/spark/external/kafka/target/scala-2.10/test-classes +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-kafka_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-kafka_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-kafka_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-kafka_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-kafka_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-kafka_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-kafka_2.10 --- +[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. +[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. +[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. +[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. +[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. +[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. +[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. +[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. +[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. +[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. +[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. +[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. +[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. +[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. +[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. +[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. +[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. +[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. +[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. +[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. +[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. +[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. +[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. +[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. +[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. +[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. +[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. +[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. +[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. +[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. +[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. +[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. +[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. +[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. +[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. +[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. +[INFO] Excluding org.apache.kafka:kafka_2.10:jar:0.8.2.1 from the shaded jar. +[INFO] Excluding com.yammer.metrics:metrics-core:jar:2.2.0 from the shaded jar. +[INFO] Excluding org.apache.kafka:kafka-clients:jar:0.8.2.1 from the shaded jar. +[INFO] Excluding com.101tec:zkclient:jar:0.3 from the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-kafka_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-kafka_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-kafka_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-kafka_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-kafka_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-kafka_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-kafka_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-kafka_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 12 documentable templates +/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/OffsetRange.scala:22: warning: Could not find any member to link for "KafkaUtils.createDirectStream()". +/** +^ +/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/KafkaUtils.scala:555: warning: Could not find any member to link for "StreamingContext". + /** + ^ +/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/KafkaUtils.scala:489: warning: Could not find any member to link for "StreamingContext". + /** + ^ +/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/KafkaUtils.scala:438: warning: Could not find any member to link for "StreamingContext". + /** + ^ +/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/KafkaUtils.scala:386: warning: Could not find any member to link for "StreamingContext". + /** + ^ +5 warnings found +[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-kafka_2.10 --- +Saving to outputFile=/Users/royl/git/spark/external/kafka/target/scalastyle-output.xml +Processed 11 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 213 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-kafka_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-kafka_2.10 --- +[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/external/kafka/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project Examples 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-examples_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-examples_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-examples_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/examples/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/examples/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-examples_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/commons-el/commons-el/1.0/commons-el-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0-tests.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-exec/1.2.1.spark/hive-exec-1.2.1.spark.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-common/0.98.7-hadoop2/hbase-common-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/tomcat/jasper-compiler/5.5.23/jasper-compiler-5.5.23.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/jruby/joni/joni/2.1.2/joni-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0-tests.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-hs/2.2.0/hadoop-mapreduce-client-hs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-minicluster/2.2.0/hadoop-minicluster-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-logging/commons-logging/1.1.1/commons-logging-1.1.1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/commons-dbcp/commons-dbcp/1.4/commons-dbcp-1.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/antlr/ST4/4.0.4/ST4-4.0.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/yaml/snakeyaml/1.6/snakeyaml-1.6.jar:/Users/royl/.m2/repository/net/java/dev/jna/jna/3.0.9/jna-3.0.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/cassandra/cassandra-all/1.2.6/cassandra-all-1.2.6.jar:/Users/royl/.m2/repository/org/jamon/jamon-runtime/2.3.1/jamon-runtime-2.3.1.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/iq80/snappy/snappy/0.2/snappy-0.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/com/github/stephenc/jamm/0.2.5/jamm-0.2.5.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/twitter/algebird-core_2.10/0.9.0/algebird-core_2.10-0.9.0.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-protocol/0.98.7-hadoop2/hbase-protocol-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-sslengine/6.1.26/jetty-sslengine-6.1.26.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-zeromq_2.10/2.3.11/akka-zeromq_2.10-2.3.11.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/javolution/javolution/5.5.1/javolution-5.5.1.jar:/Users/royl/.m2/repository/com/jolbox/bonecp/0.8.0.RELEASE/bonecp-0.8.0.RELEASE.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/github/scopt/scopt_2.10/3.2.0/scopt_2.10-3.2.0.jar:/Users/royl/.m2/repository/com/github/jnr/jnr-constants/0.8.2/jnr-constants-0.8.2.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/cassandra/cassandra-thrift/1.2.6/cassandra-thrift-1.2.6.jar:/Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/javax/transaction/jta/1.1/jta-1.1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-common/0.98.7-hadoop2/hbase-common-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/codehaus/groovy/groovy-all/2.1.6/groovy-all-2.1.6.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/servlet-api-2.5/6.1.14/servlet-api-2.5-6.1.14.jar:/Users/royl/.m2/repository/log4j/apache-log4j-extras/1.2.17/apache-log4j-extras-1.2.17.jar:/Users/royl/.m2/repository/org/zeromq/zeromq-scala-binding_2.10/0.0.7/zeromq-scala-binding_2.10-0.0.7.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/com/jcraft/jsch/0.1.42/jsch-0.1.42.jar:/Users/royl/.m2/repository/javax/jdo/jdo-api/3.0.1/jdo-api-3.0.1.jar:/Users/royl/.m2/repository/org/jruby/jcodings/jcodings/1.0.8/jcodings-1.0.8.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jsp-api-2.1/6.1.14/jsp-api-2.1-6.1.14.jar:/Users/royl/.m2/repository/stax/stax-api/1.0.1/stax-api-1.0.1.jar:/Users/royl/.m2/repository/org/cloudera/htrace/htrace-core/2.04/htrace-core-2.04.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-avatica/1.2.0-incubating/calcite-avatica-1.2.0-incubating.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-nodemanager/2.2.0/hadoop-yarn-server-nodemanager-2.2.0.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/twitter/parquet-hadoop-bundle/1.6.0/parquet-hadoop-bundle-1.6.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-daemon/commons-daemon/1.0.13/commons-daemon-1.0.13.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-core/3.2.10/datanucleus-core-3.2.10.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-core/4.0.4/twitter4j-core-4.0.4.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/jline/jline/2.12/jline-2.12.jar:/Users/royl/.m2/repository/org/mindrot/jbcrypt/0.3m/jbcrypt-0.3m.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/derby/derby/10.10.1.1/derby-10.10.1.1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop2-compat/0.98.7-hadoop2/hbase-hadoop2-compat-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-testing-util/0.98.7-hadoop2/hbase-testing-util-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-server/0.98.7-hadoop2/hbase-server-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/org/antlr/antlr/3.2/antlr-3.2.jar:/Users/royl/.m2/repository/commons-pool/commons-pool/1.5.4/commons-pool-1.5.4.jar:/Users/royl/.m2/repository/com/github/stephenc/high-scale-lib/high-scale-lib/1.1.1/high-scale-lib-1.1.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jsp-2.1/6.1.14/jsp-2.1-6.1.14.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/jodd/jodd-core/3.5.2/jodd-core-3.5.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/com/github/stephenc/findbugs/findbugs-annotations/1.3.9-1/findbugs-annotations-1.3.9-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/edu/stanford/ppl/snaptree/0.1/snaptree-0.1.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/tomcat/jasper-runtime/5.5.23/jasper-runtime-5.5.23.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-metastore/1.2.1.spark/hive-metastore-1.2.1.spark.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop-compat/0.98.7-hadoop2/hbase-hadoop-compat-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0-tests.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/com/googlecode/javaewah/JavaEWAH/0.6.6/JavaEWAH-0.6.6.jar:/Users/royl/.m2/repository/com/googlecode/json-simple/json-simple/1.1/json-simple-1.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-client/0.98.7-hadoop2/hbase-client-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-stream/4.0.4/twitter4j-stream-4.0.4.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-rdbms/3.2.9/datanucleus-rdbms-3.2.9.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-web-proxy/2.2.0/hadoop-yarn-server-web-proxy-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/extensions/guice-servlet/3.0/guice-servlet-3.0.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop2-compat/0.98.7-hadoop2/hbase-hadoop2-compat-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-api-jdo/3.2.6/datanucleus-api-jdo-3.2.6.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-prefix-tree/0.98.7-hadoop2/hbase-prefix-tree-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/json/json/20090211/json-20090211.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-server/0.98.7-hadoop2/hbase-server-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-examples_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-examples_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] Copying 7 resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-examples_2.10 --- +[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile +[INFO] Using incremental compilation +[INFO] Compiling 150 Scala sources and 89 Java sources to /Users/royl/git/spark/examples/target/scala-2.10/classes... +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. +[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. +[WARNING] 65 warnings found +[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 +[WARNING] /Users/royl/git/spark/examples/src/main/java/org/apache/spark/examples/streaming/JavaActorWordCount.java:60: warning: [unchecked] unchecked cast +[WARNING] store((T) msg); +[WARNING] ^ +[WARNING] required: T +[WARNING] found: Object +[WARNING] where T is a type-variable: +[WARNING] T extends Object declared in class JavaSampleActorReceiver +[WARNING] 2 warnings +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-examples_2.10 --- +[INFO] Changes detected - recompiling the module! +[INFO] Compiling 89 source files to /Users/royl/git/spark/examples/target/scala-2.10/classes +[WARNING] /Users/royl/git/spark/examples/src/main/java/org/apache/spark/examples/streaming/JavaActorWordCount.java:[60,14] [unchecked] unchecked cast +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-examples_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/examples/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-examples_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/examples/src/test/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-examples_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-examples_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-examples_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-examples_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-examples_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-examples_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-examples_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-examples_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-examples_2.10 --- +[INFO] Including org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 in the shaded jar. +[INFO] Including org.apache.avro:avro-ipc:jar:1.7.7 in the shaded jar. +[INFO] Including org.apache.avro:avro-ipc:jar:tests:1.7.7 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-client:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-annotations:jar:2.2.0 in the shaded jar. +[INFO] Including net.java.dev.jets3t:jets3t:jar:0.7.1 in the shaded jar. +[INFO] Including org.apache.curator:curator-recipes:jar:2.4.0 in the shaded jar. +[INFO] Including org.apache.curator:curator-framework:jar:2.4.0 in the shaded jar. +[INFO] Including org.apache.curator:curator-client:jar:2.4.0 in the shaded jar. +[INFO] Including org.apache.commons:commons-lang3:jar:3.3.2 in the shaded jar. +[INFO] Including org.slf4j:slf4j-api:jar:1.7.10 in the shaded jar. +[INFO] Including log4j:log4j:jar:1.2.17 in the shaded jar. +[INFO] Including org.slf4j:slf4j-log4j12:jar:1.7.10 in the shaded jar. +[INFO] Including org.xerial.snappy:snappy-java:jar:1.1.2 in the shaded jar. +[INFO] Including net.jpountz.lz4:lz4:jar:1.3.0 in the shaded jar. +[INFO] Including commons-net:commons-net:jar:2.2 in the shaded jar. +[INFO] Including io.netty:netty:jar:3.8.0.Final in the shaded jar. +[INFO] Including com.sun.jersey:jersey-server:jar:1.9 in the shaded jar. +[INFO] Including asm:asm:jar:3.1 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-core:jar:1.9 in the shaded jar. +[INFO] Including com.thoughtworks.paranamer:paranamer:jar:2.6 in the shaded jar. +[INFO] Including org.apache.ivy:ivy:jar:2.4.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-column:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-common:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-encoding:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-generator:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-hadoop:jar:1.7.0 in the shaded jar. +[INFO] Including org.apache.parquet:parquet-format:jar:2.3.0-incubating in the shaded jar. +[INFO] Including org.apache.parquet:parquet-jackson:jar:1.7.0 in the shaded jar. +[INFO] Including net.sf.opencsv:opencsv:jar:2.3 in the shaded jar. +[INFO] Including com.twitter:parquet-hadoop-bundle:jar:1.6.0 in the shaded jar. +[INFO] Including org.spark-project.hive:hive-exec:jar:1.2.1.spark in the shaded jar. +[INFO] Including javolution:javolution:jar:5.5.1 in the shaded jar. +[INFO] Including log4j:apache-log4j-extras:jar:1.2.17 in the shaded jar. +[INFO] Including org.antlr:antlr-runtime:jar:3.5.2 in the shaded jar. +[INFO] Including org.antlr:ST4:jar:4.0.4 in the shaded jar. +[INFO] Including org.apache.commons:commons-compress:jar:1.4.1 in the shaded jar. +[INFO] Including org.tukaani:xz:jar:1.0 in the shaded jar. +[INFO] Including org.codehaus.groovy:groovy-all:jar:2.1.6 in the shaded jar. +[INFO] Including org.iq80.snappy:snappy:jar:0.2 in the shaded jar. +[INFO] Including org.json:json:jar:20090211 in the shaded jar. +[INFO] Including stax:stax-api:jar:1.0.1 in the shaded jar. +[INFO] Including jline:jline:jar:2.12 in the shaded jar. +[INFO] Including org.spark-project.hive:hive-metastore:jar:1.2.1.spark in the shaded jar. +[INFO] Including com.jolbox:bonecp:jar:0.8.0.RELEASE in the shaded jar. +[INFO] Including org.apache.derby:derby:jar:10.10.1.1 in the shaded jar. +[INFO] Including org.datanucleus:datanucleus-api-jdo:jar:3.2.6 in the shaded jar. +[INFO] Including org.datanucleus:datanucleus-rdbms:jar:3.2.9 in the shaded jar. +[INFO] Including commons-pool:commons-pool:jar:1.5.4 in the shaded jar. +[INFO] Including commons-dbcp:commons-dbcp:jar:1.4 in the shaded jar. +[INFO] Including javax.jdo:jdo-api:jar:3.0.1 in the shaded jar. +[INFO] Including javax.transaction:jta:jar:1.1 in the shaded jar. +[INFO] Including org.apache.avro:avro:jar:1.7.7 in the shaded jar. +[INFO] Including commons-httpclient:commons-httpclient:jar:3.1 in the shaded jar. +[INFO] Including org.apache.calcite:calcite-avatica:jar:1.2.0-incubating in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 in the shaded jar. +[INFO] Including commons-codec:commons-codec:jar:1.10 in the shaded jar. +[INFO] Including joda-time:joda-time:jar:2.9 in the shaded jar. +[INFO] Including org.jodd:jodd-core:jar:3.5.2 in the shaded jar. +[INFO] Including org.datanucleus:datanucleus-core:jar:3.2.10 in the shaded jar. +[INFO] Including org.apache.spark:spark-streaming-twitter_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.twitter4j:twitter4j-stream:jar:4.0.4 in the shaded jar. +[INFO] Including org.twitter4j:twitter4j-core:jar:4.0.4 in the shaded jar. +[INFO] Including org.apache.spark:spark-streaming-flume_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.spark:spark-streaming-flume-sink_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.flume:flume-ng-core:jar:1.6.0 in the shaded jar. +[INFO] Including org.apache.flume:flume-ng-configuration:jar:1.6.0 in the shaded jar. +[INFO] Including com.google.code.gson:gson:jar:2.2.2 in the shaded jar. +[INFO] Including org.apache.mina:mina-core:jar:2.0.4 in the shaded jar. +[INFO] Including org.apache.flume:flume-ng-sdk:jar:1.6.0 in the shaded jar. +[INFO] Including org.apache.spark:spark-streaming-mqtt_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.eclipse.paho:org.eclipse.paho.client.mqttv3:jar:1.0.2 in the shaded jar. +[INFO] Including org.apache.spark:spark-streaming-zeromq_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including com.typesafe.akka:akka-zeromq_2.10:jar:2.3.11 in the shaded jar. +[INFO] Including org.zeromq:zeromq-scala-binding_2.10:jar:0.0.7 in the shaded jar. +[INFO] Including net.java.dev.jna:jna:jar:3.0.9 in the shaded jar. +[INFO] Including com.github.jnr:jnr-constants:jar:0.8.2 in the shaded jar. +[INFO] Including org.apache.spark:spark-streaming-kafka_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.kafka:kafka_2.10:jar:0.8.2.1 in the shaded jar. +[INFO] Including org.apache.kafka:kafka-clients:jar:0.8.2.1 in the shaded jar. +[INFO] Including com.101tec:zkclient:jar:0.3 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-testing-util:jar:0.98.7-hadoop2 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-common:test-jar:tests:0.98.7-hadoop2 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-server:test-jar:tests:0.98.7-hadoop2 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-json:jar:1.9 in the shaded jar. +[INFO] Including org.codehaus.jettison:jettison:jar:1.1 in the shaded jar. +[INFO] Including com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-xc:jar:1.9.13 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-hadoop2-compat:jar:0.98.7-hadoop2 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-hadoop2-compat:test-jar:tests:0.98.7-hadoop2 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-common:jar:2.2.0 in the shaded jar. +[INFO] Including xmlenc:xmlenc:jar:0.52 in the shaded jar. +[INFO] Including commons-el:commons-el:jar:1.0 in the shaded jar. +[INFO] Including commons-configuration:commons-configuration:jar:1.6 in the shaded jar. +[INFO] Including commons-digester:commons-digester:jar:1.8 in the shaded jar. +[INFO] Including commons-beanutils:commons-beanutils:jar:1.7.0 in the shaded jar. +[INFO] Including commons-beanutils:commons-beanutils-core:jar:1.8.0 in the shaded jar. +[INFO] Including com.jcraft:jsch:jar:0.1.42 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-auth:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 in the shaded jar. +[INFO] Including com.google.inject:guice:jar:3.0 in the shaded jar. +[INFO] Including javax.inject:javax.inject:jar:1 in the shaded jar. +[INFO] Including aopalliance:aopalliance:jar:1.0 in the shaded jar. +[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 in the shaded jar. +[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 in the shaded jar. +[INFO] Including javax.servlet:javax.servlet-api:jar:3.0.1 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-client:jar:1.9 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-grizzly2:jar:1.9 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-framework:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 in the shaded jar. +[INFO] Including org.glassfish.external:management-api:jar:3.0.0-b012 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish:javax.servlet:jar:3.1 in the shaded jar. +[INFO] Including com.sun.jersey.contribs:jersey-guice:jar:1.9 in the shaded jar. +[INFO] Including com.google.inject.extensions:guice-servlet:jar:3.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-server-nodemanager:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-hdfs:jar:2.2.0 in the shaded jar. +[INFO] Including commons-daemon:commons-daemon:jar:1.0.13 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-hdfs:test-jar:tests:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-minicluster:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-common:test-jar:tests:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-server-web-proxy:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-jobclient:test-jar:tests:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-hs:jar:2.2.0 in the shaded jar. +[INFO] Including com.github.stephenc.findbugs:findbugs-annotations:jar:1.3.9-1 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-protocol:jar:0.98.7-hadoop2 in the shaded jar. +[INFO] Including com.google.protobuf:protobuf-java:jar:2.5.0 in the shaded jar. +[INFO] Including commons-logging:commons-logging:jar:1.1.1 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-common:jar:0.98.7-hadoop2 in the shaded jar. +[INFO] Including commons-lang:commons-lang:jar:2.6 in the shaded jar. +[INFO] Including commons-collections:commons-collections:jar:3.2.2 in the shaded jar. +[INFO] Including commons-io:commons-io:jar:2.4 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-client:jar:0.98.7-hadoop2 in the shaded jar. +[INFO] Including org.apache.zookeeper:zookeeper:jar:3.4.5 in the shaded jar. +[INFO] Including org.cloudera.htrace:htrace-core:jar:2.04 in the shaded jar. +[INFO] Including org.jruby.joni:joni:jar:2.1.2 in the shaded jar. +[INFO] Including org.jruby.jcodings:jcodings:jar:1.0.8 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-server:jar:0.98.7-hadoop2 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-prefix-tree:jar:0.98.7-hadoop2 in the shaded jar. +[INFO] Including com.yammer.metrics:metrics-core:jar:2.2.0 in the shaded jar. +[INFO] Including commons-cli:commons-cli:jar:1.2 in the shaded jar. +[INFO] Including com.github.stephenc.high-scale-lib:high-scale-lib:jar:1.1.1 in the shaded jar. +[INFO] Including org.mortbay.jetty:jetty:jar:6.1.26 in the shaded jar. +[INFO] Including org.mortbay.jetty:jetty-util:jar:6.1.26 in the shaded jar. +[INFO] Including org.mortbay.jetty:jetty-sslengine:jar:6.1.26 in the shaded jar. +[INFO] Including org.mortbay.jetty:jsp-2.1:jar:6.1.14 in the shaded jar. +[INFO] Including org.mortbay.jetty:jsp-api-2.1:jar:6.1.14 in the shaded jar. +[INFO] Including org.mortbay.jetty:servlet-api-2.5:jar:6.1.14 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-core-asl:jar:1.9.13 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 in the shaded jar. +[INFO] Including tomcat:jasper-compiler:jar:5.5.23 in the shaded jar. +[INFO] Including tomcat:jasper-runtime:jar:5.5.23 in the shaded jar. +[INFO] Including org.jamon:jamon-runtime:jar:2.3.1 in the shaded jar. +[INFO] Including javax.xml.bind:jaxb-api:jar:2.2.2 in the shaded jar. +[INFO] Including javax.activation:activation:jar:1.1 in the shaded jar. +[INFO] Including org.apache.hbase:hbase-hadoop-compat:jar:0.98.7-hadoop2 in the shaded jar. +[INFO] Including org.apache.commons:commons-math:jar:2.1 in the shaded jar. +[INFO] Including com.twitter:algebird-core_2.10:jar:0.9.0 in the shaded jar. +[INFO] Including com.googlecode.javaewah:JavaEWAH:jar:0.6.6 in the shaded jar. +[INFO] Including org.apache.cassandra:cassandra-all:jar:1.2.6 in the shaded jar. +[INFO] Including org.antlr:antlr:jar:3.2 in the shaded jar. +[INFO] Including com.googlecode.json-simple:json-simple:jar:1.1 in the shaded jar. +[INFO] Including org.yaml:snakeyaml:jar:1.6 in the shaded jar. +[INFO] Including edu.stanford.ppl:snaptree:jar:0.1 in the shaded jar. +[INFO] Including org.mindrot:jbcrypt:jar:0.3m in the shaded jar. +[INFO] Including org.apache.cassandra:cassandra-thrift:jar:1.2.6 in the shaded jar. +[INFO] Including com.github.stephenc:jamm:jar:0.2.5 in the shaded jar. +[INFO] Including com.github.scopt:scopt_2.10:jar:3.2.0 in the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[WARNING] commons-beanutils-core-1.8.0.jar, commons-beanutils-1.7.0.jar, commons-collections-3.2.2.jar define 10 overlapping classes: +[WARNING] - org.apache.commons.collections.FastHashMap$EntrySet +[WARNING] - org.apache.commons.collections.FastHashMap$KeySet +[WARNING] - org.apache.commons.collections.ArrayStack +[WARNING] - org.apache.commons.collections.FastHashMap$CollectionView$CollectionViewIterator +[WARNING] - org.apache.commons.collections.FastHashMap$Values +[WARNING] - org.apache.commons.collections.FastHashMap$CollectionView +[WARNING] - org.apache.commons.collections.FastHashMap$1 +[WARNING] - org.apache.commons.collections.Buffer +[WARNING] - org.apache.commons.collections.FastHashMap +[WARNING] - org.apache.commons.collections.BufferUnderflowException +[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar define 32 overlapping classes: +[WARNING] - javax.servlet.annotation.HttpConstraint +[WARNING] - javax.servlet.DispatcherType +[WARNING] - javax.servlet.descriptor.JspPropertyGroupDescriptor +[WARNING] - javax.servlet.Registration +[WARNING] - javax.servlet.SessionTrackingMode +[WARNING] - javax.servlet.annotation.ServletSecurity$EmptyRoleSemantic +[WARNING] - javax.servlet.annotation.HandlesTypes +[WARNING] - javax.servlet.ServletRegistration +[WARNING] - javax.servlet.annotation.ServletSecurity +[WARNING] - javax.servlet.ServletContainerInitializer +[WARNING] - 22 more... +[WARNING] jsp-2.1-6.1.14.jar, jasper-runtime-5.5.23.jar, jasper-compiler-5.5.23.jar define 1 overlapping classes: +[WARNING] - org.apache.jasper.compiler.Localizer +[WARNING] spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: +[WARNING] - org.apache.spark.unused.UnusedStubClass +[WARNING] hadoop-common-2.2.0-tests.jar, hadoop-mapreduce-client-jobclient-2.2.0-tests.jar define 4 overlapping classes: +[WARNING] - org.apache.hadoop.util.TestReflectionUtils$1 +[WARNING] - org.apache.hadoop.util.TestRunJar +[WARNING] - org.apache.hadoop.ipc.TestSocketFactory +[WARNING] - org.apache.hadoop.util.TestReflectionUtils +[WARNING] apache-log4j-extras-1.2.17.jar, log4j-1.2.17.jar define 126 overlapping classes: +[WARNING] - org.apache.log4j.pattern.MessagePatternConverter +[WARNING] - org.apache.log4j.xml.DOMConfigurator$4 +[WARNING] - org.apache.log4j.pattern.NameAbbreviator$DropElementAbbreviator +[WARNING] - org.apache.log4j.varia.StringMatchFilter +[WARNING] - org.apache.log4j.spi.OptionHandler +[WARNING] - org.apache.log4j.pattern.LevelPatternConverter +[WARNING] - org.apache.log4j.pattern.BridgePatternParser +[WARNING] - org.apache.log4j.BasicConfigurator +[WARNING] - org.apache.log4j.pattern.LoggingEventPatternConverter +[WARNING] - org.apache.log4j.ConsoleAppender$SystemErrStream +[WARNING] - 116 more... +[WARNING] hadoop-yarn-common-2.2.0.jar, hadoop-yarn-api-2.2.0.jar define 3 overlapping classes: +[WARNING] - org.apache.hadoop.yarn.util.package-info +[WARNING] - org.apache.hadoop.yarn.factories.package-info +[WARNING] - org.apache.hadoop.yarn.factory.providers.package-info +[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar, servlet-api-2.5-6.1.14.jar define 42 overlapping classes: +[WARNING] - javax.servlet.http.Cookie +[WARNING] - javax.servlet.http.HttpSessionBindingEvent +[WARNING] - javax.servlet.http.NoBodyResponse +[WARNING] - javax.servlet.ServletContext +[WARNING] - javax.servlet.ServletOutputStream +[WARNING] - javax.servlet.http.HttpSessionListener +[WARNING] - javax.servlet.http.HttpSessionContext +[WARNING] - javax.servlet.FilterChain +[WARNING] - javax.servlet.GenericServlet +[WARNING] - javax.servlet.http.HttpServletRequestWrapper +[WARNING] - 32 more... +[WARNING] cassandra-all-1.2.6.jar, cassandra-thrift-1.2.6.jar define 2 overlapping classes: +[WARNING] - org.apache.cassandra.thrift.ITransportFactory +[WARNING] - org.apache.cassandra.thrift.TFramedTransportFactory +[WARNING] jsp-2.1-6.1.14.jar, jasper-compiler-5.5.23.jar define 143 overlapping classes: +[WARNING] - org.apache.jasper.compiler.Node$Nodes +[WARNING] - org.apache.jasper.compiler.tagplugin.TagPlugin +[WARNING] - org.apache.jasper.compiler.JspUtil +[WARNING] - org.apache.jasper.xmlparser.MyEntityResolver +[WARNING] - org.apache.jasper.compiler.Validator$TagExtraInfoVisitor +[WARNING] - org.apache.jasper.compiler.SmapStratum +[WARNING] - org.apache.jasper.compiler.SmapGenerator +[WARNING] - org.apache.jasper.compiler.tagplugin.TagPluginContext +[WARNING] - org.apache.jasper.compiler.JasperTagInfo +[WARNING] - org.apache.jasper.EmbeddedServletOptions +[WARNING] - 133 more... +[WARNING] parquet-format-2.3.0-incubating.jar, parquet-hadoop-bundle-1.6.0.jar define 151 overlapping classes: +[WARNING] - parquet.org.apache.thrift.server.TServer$Args +[WARNING] - parquet.org.apache.thrift.transport.AutoExpandingBufferWriteTransport +[WARNING] - parquet.org.apache.thrift.transport.TSaslTransport$NegotiationStatus +[WARNING] - parquet.org.apache.thrift.protocol.TMessage +[WARNING] - parquet.org.apache.thrift.meta_data.StructMetaData +[WARNING] - parquet.org.apache.thrift.protocol.TProtocolException +[WARNING] - parquet.org.apache.thrift.server.TNonblockingServer$FrameBuffer +[WARNING] - parquet.org.apache.thrift.TBaseProcessor +[WARNING] - parquet.org.slf4j.helpers.BasicMarker +[WARNING] - parquet.org.apache.thrift.protocol.TSimpleJSONProtocol +[WARNING] - 141 more... +[WARNING] commons-beanutils-core-1.8.0.jar, commons-beanutils-1.7.0.jar define 82 overlapping classes: +[WARNING] - org.apache.commons.beanutils.ConvertUtilsBean +[WARNING] - org.apache.commons.beanutils.converters.SqlTimeConverter +[WARNING] - org.apache.commons.beanutils.Converter +[WARNING] - org.apache.commons.beanutils.converters.FloatArrayConverter +[WARNING] - org.apache.commons.beanutils.NestedNullException +[WARNING] - org.apache.commons.beanutils.ConvertingWrapDynaBean +[WARNING] - org.apache.commons.beanutils.converters.LongArrayConverter +[WARNING] - org.apache.commons.beanutils.converters.SqlDateConverter +[WARNING] - org.apache.commons.beanutils.converters.BooleanArrayConverter +[WARNING] - org.apache.commons.beanutils.converters.StringConverter +[WARNING] - 72 more... +[WARNING] hadoop-common-2.2.0-tests.jar, hadoop-hdfs-2.2.0-tests.jar define 1 overlapping classes: +[WARNING] - org.apache.hadoop.net.TestNetworkTopologyWithNodeGroup +[WARNING] hadoop-common-2.2.0-tests.jar, hadoop-common-2.2.0.jar define 37 overlapping classes: +[WARNING] - org.apache.hadoop.io.serializer.avro.AvroRecord +[WARNING] - org.apache.hadoop.ipc.protobuf.TestRpcServiceProtos$TestProtobufRpc2Proto +[WARNING] - org.apache.hadoop.ipc.protobuf.TestRpcServiceProtos$TestProtobufRpcProto$1 +[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$1 +[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$EmptyResponseProto$Builder +[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$EmptyResponseProto$1 +[WARNING] - org.apache.hadoop.ipc.protobuf.TestRpcServiceProtos$TestProtobufRpc2Proto$1 +[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$EchoRequestProto$Builder +[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos +[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$EmptyResponseProtoOrBuilder +[WARNING] - 27 more... +[WARNING] jsp-2.1-6.1.14.jar, jasper-runtime-5.5.23.jar define 43 overlapping classes: +[WARNING] - org.apache.jasper.runtime.PerThreadTagHandlerPool$1 +[WARNING] - org.apache.jasper.runtime.JspFactoryImpl$PrivilegedGetPageContext +[WARNING] - org.apache.jasper.runtime.PageContextImpl$4 +[WARNING] - org.apache.jasper.runtime.JspSourceDependent +[WARNING] - org.apache.jasper.runtime.JspRuntimeLibrary$PrivilegedIntrospectHelper +[WARNING] - org.apache.jasper.runtime.PageContextImpl$2 +[WARNING] - org.apache.jasper.Constants +[WARNING] - org.apache.jasper.runtime.ProtectedFunctionMapper$2 +[WARNING] - org.apache.jasper.runtime.PageContextImpl +[WARNING] - org.apache.jasper.runtime.PageContextImpl$11 +[WARNING] - 33 more... +[WARNING] maven-shade-plugin has detected that some class files are +[WARNING] present in two or more JARs. When this happens, only one +[WARNING] single version of the class is copied to the uber jar. +[WARNING] Usually this is not harmful and you can skip these warnings, +[WARNING] otherwise try to manually exclude artifacts based on +[WARNING] mvn dependency:tree -Ddetail=true and the above output. +[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-examples_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-examples_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-examples_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-examples_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-examples_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-examples_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/commons-el/commons-el/1.0/commons-el-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0-tests.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-exec/1.2.1.spark/hive-exec-1.2.1.spark.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-common/0.98.7-hadoop2/hbase-common-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/tomcat/jasper-compiler/5.5.23/jasper-compiler-5.5.23.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/jruby/joni/joni/2.1.2/joni-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0-tests.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-hs/2.2.0/hadoop-mapreduce-client-hs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-minicluster/2.2.0/hadoop-minicluster-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-logging/commons-logging/1.1.1/commons-logging-1.1.1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/commons-dbcp/commons-dbcp/1.4/commons-dbcp-1.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/antlr/ST4/4.0.4/ST4-4.0.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/yaml/snakeyaml/1.6/snakeyaml-1.6.jar:/Users/royl/.m2/repository/net/java/dev/jna/jna/3.0.9/jna-3.0.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/cassandra/cassandra-all/1.2.6/cassandra-all-1.2.6.jar:/Users/royl/.m2/repository/org/jamon/jamon-runtime/2.3.1/jamon-runtime-2.3.1.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/iq80/snappy/snappy/0.2/snappy-0.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/com/github/stephenc/jamm/0.2.5/jamm-0.2.5.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/twitter/algebird-core_2.10/0.9.0/algebird-core_2.10-0.9.0.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-protocol/0.98.7-hadoop2/hbase-protocol-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-sslengine/6.1.26/jetty-sslengine-6.1.26.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-zeromq_2.10/2.3.11/akka-zeromq_2.10-2.3.11.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/javolution/javolution/5.5.1/javolution-5.5.1.jar:/Users/royl/.m2/repository/com/jolbox/bonecp/0.8.0.RELEASE/bonecp-0.8.0.RELEASE.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/github/scopt/scopt_2.10/3.2.0/scopt_2.10-3.2.0.jar:/Users/royl/.m2/repository/com/github/jnr/jnr-constants/0.8.2/jnr-constants-0.8.2.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/cassandra/cassandra-thrift/1.2.6/cassandra-thrift-1.2.6.jar:/Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/javax/transaction/jta/1.1/jta-1.1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-common/0.98.7-hadoop2/hbase-common-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/codehaus/groovy/groovy-all/2.1.6/groovy-all-2.1.6.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/servlet-api-2.5/6.1.14/servlet-api-2.5-6.1.14.jar:/Users/royl/.m2/repository/log4j/apache-log4j-extras/1.2.17/apache-log4j-extras-1.2.17.jar:/Users/royl/.m2/repository/org/zeromq/zeromq-scala-binding_2.10/0.0.7/zeromq-scala-binding_2.10-0.0.7.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/com/jcraft/jsch/0.1.42/jsch-0.1.42.jar:/Users/royl/.m2/repository/javax/jdo/jdo-api/3.0.1/jdo-api-3.0.1.jar:/Users/royl/.m2/repository/org/jruby/jcodings/jcodings/1.0.8/jcodings-1.0.8.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jsp-api-2.1/6.1.14/jsp-api-2.1-6.1.14.jar:/Users/royl/.m2/repository/stax/stax-api/1.0.1/stax-api-1.0.1.jar:/Users/royl/.m2/repository/org/cloudera/htrace/htrace-core/2.04/htrace-core-2.04.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-avatica/1.2.0-incubating/calcite-avatica-1.2.0-incubating.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-nodemanager/2.2.0/hadoop-yarn-server-nodemanager-2.2.0.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/twitter/parquet-hadoop-bundle/1.6.0/parquet-hadoop-bundle-1.6.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-daemon/commons-daemon/1.0.13/commons-daemon-1.0.13.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-core/3.2.10/datanucleus-core-3.2.10.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-core/4.0.4/twitter4j-core-4.0.4.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/jline/jline/2.12/jline-2.12.jar:/Users/royl/.m2/repository/org/mindrot/jbcrypt/0.3m/jbcrypt-0.3m.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/derby/derby/10.10.1.1/derby-10.10.1.1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop2-compat/0.98.7-hadoop2/hbase-hadoop2-compat-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-testing-util/0.98.7-hadoop2/hbase-testing-util-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-server/0.98.7-hadoop2/hbase-server-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/org/antlr/antlr/3.2/antlr-3.2.jar:/Users/royl/.m2/repository/commons-pool/commons-pool/1.5.4/commons-pool-1.5.4.jar:/Users/royl/.m2/repository/com/github/stephenc/high-scale-lib/high-scale-lib/1.1.1/high-scale-lib-1.1.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jsp-2.1/6.1.14/jsp-2.1-6.1.14.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/jodd/jodd-core/3.5.2/jodd-core-3.5.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/com/github/stephenc/findbugs/findbugs-annotations/1.3.9-1/findbugs-annotations-1.3.9-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/edu/stanford/ppl/snaptree/0.1/snaptree-0.1.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/tomcat/jasper-runtime/5.5.23/jasper-runtime-5.5.23.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-metastore/1.2.1.spark/hive-metastore-1.2.1.spark.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop-compat/0.98.7-hadoop2/hbase-hadoop-compat-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0-tests.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/com/googlecode/javaewah/JavaEWAH/0.6.6/JavaEWAH-0.6.6.jar:/Users/royl/.m2/repository/com/googlecode/json-simple/json-simple/1.1/json-simple-1.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-client/0.98.7-hadoop2/hbase-client-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-stream/4.0.4/twitter4j-stream-4.0.4.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-rdbms/3.2.9/datanucleus-rdbms-3.2.9.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-web-proxy/2.2.0/hadoop-yarn-server-web-proxy-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/extensions/guice-servlet/3.0/guice-servlet-3.0.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop2-compat/0.98.7-hadoop2/hbase-hadoop2-compat-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-api-jdo/3.2.6/datanucleus-api-jdo-3.2.6.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-prefix-tree/0.98.7-hadoop2/hbase-prefix-tree-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/json/json/20090211/json-20090211.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-server/0.98.7-hadoop2/hbase-server-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-examples_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-examples_2.10 --- +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 +Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 +model contains 312 documentable templates +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/AvroConverters.scala:131: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/CassandraConverters.scala:28: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/CassandraConverters.scala:39: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/HBaseConverters.scala:31: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/HBaseConverters.scala:52: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/AvroConverters.scala:117: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/HBaseConverters.scala:74: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/HBaseConverters.scala:63: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/CassandraConverters.scala:50: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/CassandraConverters.scala:61: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/ml/DataFrameExample.scala:32: warning: Could not find any member to link for "org.apache.spark.sql.DataFrame". +/** +^ +/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/ml/DeveloperApiExample.scala:29: warning: Could not find any member to link for "org.apache.spark.ml.classification.LogisticRegression". +/** +^ +12 warnings found +[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT-javadoc.jar +[INFO] already added, skipping +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-examples_2.10 --- +warning file=/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/LocalALS.scala message=Space before token : line=58 column=79 +warning file=/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/LocalALS.scala message=Space before token : line=77 column=78 +warning file=/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/SparkALS.scala message=Space before token : line=60 column=74 +Saving to outputFile=/Users/royl/git/spark/examples/target/scalastyle-output.xml +Processed 150 file(s) +Found 0 errors +Found 3 warnings +Found 0 infos +Finished in 979 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-examples_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-examples_2.10 --- +[INFO] Skipping artifact installation +[INFO] +[INFO] ------------------------------------------------------------------------ +[INFO] Building Spark Project External Kafka Assembly 2.0.0-SNAPSHOT +[INFO] ------------------------------------------------------------------------ +[INFO] +[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Add Source directory: /Users/royl/git/spark/external/kafka-assembly/src/main/scala +[INFO] Add Test Source directory: /Users/royl/git/spark/external/kafka-assembly/src/test/scala +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar +[INFO] +[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] +[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/kafka-assembly/src/main/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Executing tasks + +main: + [mkdir] Created dir: /Users/royl/git/spark/external/kafka-assembly/target/tmp +[INFO] Executed tasks +[INFO] +[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Using 'UTF-8' encoding to copy filtered resources. +[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/kafka-assembly/src/test/resources +[INFO] Copying 3 resources +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] No sources to compile +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] +[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Tests are skipped. +[INFO] +[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] +[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.jar +[INFO] +[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] +[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Including org.apache.spark:spark-streaming-kafka_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. +[INFO] Including org.apache.kafka:kafka_2.10:jar:0.8.2.1 in the shaded jar. +[INFO] Including com.yammer.metrics:metrics-core:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.kafka:kafka-clients:jar:0.8.2.1 in the shaded jar. +[INFO] Including com.101tec:zkclient:jar:0.3 in the shaded jar. +[INFO] Including com.thoughtworks.paranamer:paranamer:jar:2.6 in the shaded jar. +[INFO] Including commons-io:commons-io:jar:2.1 in the shaded jar. +[INFO] Including org.apache.avro:avro:jar:1.7.7 in the shaded jar. +[INFO] Including org.apache.commons:commons-compress:jar:1.4.1 in the shaded jar. +[INFO] Including org.tukaani:xz:jar:1.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 in the shaded jar. +[INFO] Including com.google.inject:guice:jar:3.0 in the shaded jar. +[INFO] Including javax.inject:javax.inject:jar:1 in the shaded jar. +[INFO] Including aopalliance:aopalliance:jar:1.0 in the shaded jar. +[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 in the shaded jar. +[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 in the shaded jar. +[INFO] Including javax.servlet:javax.servlet-api:jar:3.0.1 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-client:jar:1.9 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-grizzly2:jar:1.9 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-framework:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 in the shaded jar. +[INFO] Including org.glassfish.external:management-api:jar:3.0.0-b012 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 in the shaded jar. +[INFO] Including org.glassfish:javax.servlet:jar:3.1 in the shaded jar. +[INFO] Including com.sun.jersey:jersey-json:jar:1.9 in the shaded jar. +[INFO] Including org.codehaus.jettison:jettison:jar:1.1 in the shaded jar. +[INFO] Including com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 in the shaded jar. +[INFO] Including javax.xml.bind:jaxb-api:jar:2.2.2 in the shaded jar. +[INFO] Including javax.activation:activation:jar:1.1 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-xc:jar:1.9.13 in the shaded jar. +[INFO] Including com.sun.jersey.contribs:jersey-guice:jar:1.9 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 in the shaded jar. +[INFO] Including org.apache.avro:avro-ipc:jar:1.7.7 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-core-asl:jar:1.9.13 in the shaded jar. +[INFO] Including org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 in the shaded jar. +[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. +[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar define 74 overlapping classes: +[WARNING] - javax.servlet.http.Cookie +[WARNING] - javax.servlet.ServletContext +[WARNING] - javax.servlet.Registration +[WARNING] - javax.servlet.http.HttpSessionListener +[WARNING] - javax.servlet.http.HttpSessionContext +[WARNING] - javax.servlet.FilterChain +[WARNING] - javax.servlet.http.HttpServletRequestWrapper +[WARNING] - javax.servlet.http.HttpSessionAttributeListener +[WARNING] - javax.servlet.http.HttpSessionBindingListener +[WARNING] - javax.servlet.annotation.HandlesTypes +[WARNING] - 64 more... +[WARNING] hadoop-yarn-common-2.2.0.jar, hadoop-yarn-api-2.2.0.jar define 3 overlapping classes: +[WARNING] - org.apache.hadoop.yarn.util.package-info +[WARNING] - org.apache.hadoop.yarn.factories.package-info +[WARNING] - org.apache.hadoop.yarn.factory.providers.package-info +[WARNING] spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: +[WARNING] - org.apache.spark.unused.UnusedStubClass +[WARNING] maven-shade-plugin has detected that some class files are +[WARNING] present in two or more JARs. When this happens, only one +[WARNING] single version of the class is copied to the uber jar. +[WARNING] Usually this is not harmful and you can skip these warnings, +[WARNING] otherwise try to manually exclude artifacts based on +[WARNING] mvn dependency:tree -Ddetail=true and the above output. +[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin +[INFO] Replacing original artifact with shaded artifact. +[INFO] Replacing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-shaded.jar +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka-assembly/dependency-reduced-pom.xml +[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka-assembly/dependency-reduced-pom.xml +[INFO] +[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] +[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Building jar: /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] +[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-kafka-assembly_2.10 >>> +[INFO] +[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] +[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Dependencies classpath: +/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar +[INFO] +[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-kafka-assembly_2.10 <<< +[INFO] +[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] No source files found +[INFO] +[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-kafka-assembly_2.10 --- +[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/external/kafka-assembly/src/main/scala +Saving to outputFile=/Users/royl/git/spark/external/kafka-assembly/target/scalastyle-output.xml +Processed 0 file(s) +Found 0 errors +Found 0 warnings +Found 0 infos +Finished in 1 ms +[INFO] +[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] +[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-kafka-assembly_2.10 --- +[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.jar +[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.pom +[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-tests.jar +[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-sources.jar +[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar +[INFO] ------------------------------------------------------------------------ +[INFO] Reactor Summary: +[INFO] +[INFO] Spark Project Parent POM ........................... SUCCESS [ 3.436 s] +[INFO] Spark Project Test Tags ............................ SUCCESS [ 3.756 s] +[INFO] Spark Project Launcher ............................. SUCCESS [ 10.063 s] +[INFO] Spark Project Networking ........................... SUCCESS [ 13.803 s] +[INFO] Spark Project Shuffle Streaming Service ............ SUCCESS [ 12.710 s] +[INFO] Spark Project Unsafe ............................... SUCCESS [ 18.729 s] +[INFO] Spark Project Core ................................. SUCCESS [02:55 min] +[INFO] Spark Project GraphX ............................... SUCCESS [ 41.681 s] +[INFO] Spark Project Streaming ............................ SUCCESS [01:43 min] +[INFO] Spark Project Catalyst ............................. SUCCESS [ 01:54 h] +[INFO] Spark Project SQL .................................. SUCCESS [02:32 min] +[INFO] Spark Project ML Library ........................... SUCCESS [02:19 min] +[INFO] Spark Project Tools ................................ SUCCESS [ 14.191 s] +[INFO] Spark Project Hive ................................. SUCCESS [01:48 min] +[INFO] Spark Project Docker Integration Tests ............. SUCCESS [ 13.851 s] +[INFO] Spark Project REPL ................................. SUCCESS [ 39.485 s] +[INFO] Spark Project Assembly ............................. SUCCESS [ 33.726 s] +[INFO] Spark Project External Twitter ..................... SUCCESS [ 17.304 s] +[INFO] Spark Project External Flume Sink .................. SUCCESS [ 15.073 s] +[INFO] Spark Project External Flume ....................... SUCCESS [ 19.949 s] +[INFO] Spark Project External Flume Assembly .............. SUCCESS [ 1.801 s] +[INFO] Spark Project External MQTT ........................ SUCCESS [ 21.081 s] +[INFO] Spark Project External MQTT Assembly ............... SUCCESS [ 3.408 s] +[INFO] Spark Project External ZeroMQ ...................... SUCCESS [ 13.298 s] +[INFO] Spark Project External Kafka ....................... SUCCESS [ 25.854 s] +[INFO] Spark Project Examples ............................. SUCCESS [01:10 min] +[INFO] Spark Project External Kafka Assembly .............. SUCCESS [ 3.273 s] +[INFO] ------------------------------------------------------------------------ +[INFO] BUILD SUCCESS +[INFO] ------------------------------------------------------------------------ +[INFO] Total time: 02:12 h +[INFO] Finished at: 2016-01-13T20:36:12+02:00 +[INFO] Final Memory: 120M/2689M +[INFO] ------------------------------------------------------------------------ diff --git a/tests.log b/tests.log index 16bdfad3e09d8..4df24cf33bfed 100644 --- a/tests.log +++ b/tests.log @@ -6,67 +6,49 @@ Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; sup [warn] Multiple resolvers having different access mechanism configured with same name 'sbt-plugin-releases'. To avoid conflict, Remove duplicate project resolvers (`resolvers`) or rename publishing resolver (`publishTo`). [info] Loading project definition from /Users/royl/git/spark/project [info] Set current project to spark-parent (in build file:/Users/royl/git/spark/) +[info] Compiling 1 Scala source and 5 Java sources to /Users/royl/git/spark/unsafe/target/scala-2.10/test-classes... +[info] Compiling 5 Java sources to /Users/royl/git/spark/launcher/target/scala-2.10/test-classes... +[info] Compiling 1 Scala source to /Users/royl/git/spark/external/flume-sink/target/scala-2.10/test-classes... +[info] Compiling 12 Java sources to /Users/royl/git/spark/network/common/target/scala-2.10/test-classes... [info] ANTLR: Grammar file 'org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g' detected. [info] ANTLR: Grammar file 'org/apache/spark/sql/catalyst/parser/SparkSqlParser.g' detected. [info] ScalaTest -[info] ScalaTest -[info] Run completed in 1 second, 192 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Run completed in 1 second, 217 milliseconds. +[info] Run completed in 1 second, 824 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for test-tags/test:testOnly -[info] No tests to run for spark/test:testOnly -[info] ScalaTest [info] ScalaTest -[info] Run completed in 34 milliseconds. +[info] Run completed in 2 seconds, 701 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. -[info] Run completed in 35 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for launcher/test:testOnly [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for unsafe/test:testOnly +[info] No tests to run for spark/test:testOnly [info] ScalaTest -[info] Run completed in 21 milliseconds. +[info] Run completed in 33 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-flume-sink/test:testOnly +[info] No tests to run for launcher/test:testOnly +[info] Compiling 10 Java sources to /Users/royl/git/spark/network/shuffle/target/scala-2.10/test-classes... [info] ScalaTest -[info] Run completed in 15 milliseconds. +[info] Run completed in 34 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for network-common/test:testOnly -[info] ScalaTest -[info] Run completed in 14 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for network-shuffle/test:testOnly [warn] /Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkEnv.scala:99: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 [warn]  actorSystem.shutdown() [warn]  +[info] Compiling 194 Scala sources and 18 Java sources to /Users/royl/git/spark/core/target/scala-2.10/test-classes... [warn] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:124: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages [warn]  var messages = g.mapReduceTriplets(sendMsg, mergeMsg) [warn]  @@ -77,15 +59,15 @@ Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; sup [warn]  protected lazy val actorSupervisor = SparkEnv.get.actorSystem.actorOf(Props(new Supervisor), [warn]  [info] ScalaTest -[info] Run completed in 13 milliseconds. +[info] Run completed in 94 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-flume-assembly/test:testOnly +[info] No tests to run for tools/test:testOnly [info] ScalaTest -[info] Run completed in 16 milliseconds. +[info] Run completed in 47 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 @@ -93,15 +75,15 @@ Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; sup [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for streaming-mqtt-assembly/test:testOnly [info] ScalaTest -[info] Run completed in 19 milliseconds. +[info] Run completed in 42 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for tools/test:testOnly +[info] No tests to run for streaming-flume-assembly/test:testOnly [info] ScalaTest -[info] Run completed in 13 milliseconds. +[info] Run completed in 19 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 @@ -109,275 +91,360 @@ Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; sup [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for streaming-kafka-assembly/test:testOnly [info] ScalaTest -[info] Run completed in 30 milliseconds. +[info] Run completed in 33 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-zeromq/test:testOnly +[info] No tests to run for network-shuffle/test:testOnly [info] ScalaTest -[info] Run completed in 39 milliseconds. +[info] Run completed in 65 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for core/test:testOnly +[info] No tests to run for streaming-flume-sink/test:testOnly +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:388: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(5) +[warn]  +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:516: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(runs) +[warn]  +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:541: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(runs) +[warn]  +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/api/python/PythonMLLibAPI.scala:343: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(runs) +[warn]  [info] ScalaTest -[info] Run completed in 76 milliseconds. +[info] Run completed in 26 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-mqtt/test:testOnly +[info] No tests to run for assembly/test:testOnly [info] ScalaTest -[info] Run completed in 107 milliseconds. +[info] Run completed in 26 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-twitter/test:testOnly +[info] No tests to run for examples/test:testOnly [info] ScalaTest -[info] Run completed in 116 milliseconds. +[info] Run completed in 17 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-flume/test:testOnly +[info] No tests to run for unsafe/test:testOnly +[warn] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/SparkListenerSuite.scala:294: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[warn]  sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt +[warn]  ^ +[warn] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/TaskResultGetterSuite.scala:93: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[warn]  sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt +[warn]  ^ +[warn] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/TaskResultGetterSuite.scala:118: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 +[warn]  sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt +[warn]  ^ +[warn] three warnings found +[info] Compiling 19 Scala sources to /Users/royl/git/spark/graphx/target/scala-2.10/test-classes... +[info] Compiling 39 Scala sources and 8 Java sources to /Users/royl/git/spark/streaming/target/scala-2.10/test-classes... +[info] Compiling 1 Scala source and 2 Java sources to /Users/royl/git/spark/external/zeromq/target/scala-2.10/test-classes... +[info] Compiling 3 Scala sources and 3 Java sources to /Users/royl/git/spark/external/flume/target/scala-2.10/test-classes... +[info] Compiling 2 Scala sources and 2 Java sources to /Users/royl/git/spark/external/mqtt/target/scala-2.10/test-classes... +[info] Compiling 2 Scala sources to /Users/royl/git/spark/repl/target/scala-2.10/test-classes... +[info] Compiling 5 Scala sources and 3 Java sources to /Users/royl/git/spark/external/kafka/target/scala-2.10/test-classes... +[info] Compiling 1 Scala source and 2 Java sources to /Users/royl/git/spark/external/twitter/target/scala-2.10/test-classes... +[info] Compiling 80 Scala sources to /Users/royl/git/spark/sql/catalyst/target/scala-2.10/test-classes... [info] ScalaTest -[info] Run completed in 44 milliseconds. +[info] Run completed in 161 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-kafka/test:testOnly +[info] No tests to run for core/test:testOnly [info] ScalaTest -[info] Run completed in 18 milliseconds. +[info] Run completed in 73 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming/test:testOnly +[info] No tests to run for streaming-zeromq/test:testOnly [info] ScalaTest -[info] Run completed in 19 milliseconds. +[info] Run completed in 160 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for graphx/test:testOnly +[info] No tests to run for streaming-twitter/test:testOnly [info] ScalaTest -[info] Run completed in 12 milliseconds. +[info] Run completed in 85 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for catalyst/test:testOnly -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:388: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(5) -[warn]  -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:516: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(runs) -[warn]  -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:541: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(runs) -[warn]  -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/api/python/PythonMLLibAPI.scala:343: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(runs) -[warn]  +[info] No tests to run for repl/test:testOnly [info] ScalaTest -[info] Run completed in 12 milliseconds. +[info] Run completed in 20 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for assembly/test:testOnly +[info] No tests to run for streaming-mqtt/test:testOnly [info] ScalaTest -[info] Run completed in 16 milliseconds. +[info] Run completed in 23 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for repl/test:testOnly +[info] No tests to run for streaming-flume/test:testOnly +[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:224: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[warn]  val result = graph.mapReduceTriplets[Int](et => Iterator((et.dstId, et.srcAttr)), _ + _) +[warn]  ^ +[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:289: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[warn]  val neighborDegreeSums = starDeg.mapReduceTriplets( +[warn]  ^ +[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:299: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[warn]  val numEvenNeighbors = vids.mapReduceTriplets(et => { +[warn]  ^ +[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:315: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[warn]  val numOddNeighbors = changedGraph.mapReduceTriplets(et => { +[warn]  ^ +[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:350: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[warn]  val neighborDegreeSums = reverseStarDegrees.mapReduceTriplets( +[warn]  ^ +[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:423: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages +[warn]  val neighborAttrSums = graph.mapReduceTriplets[Int]( +[warn]  ^ [info] ScalaTest -[info] Run completed in 16 milliseconds. +[info] Run completed in 23 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for sql/test:testOnly -[info] Compiling 1 Scala source to /Users/royl/git/spark/mllib/target/scala-2.10/test-classes... +[info] No tests to run for streaming-kafka/test:testOnly +[warn] 6 warnings found [info] ScalaTest -[info] Run completed in 13 milliseconds. +[info] Run completed in 28 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for docker-integration-tests/test:testOnly +[info] No tests to run for graphx/test:testOnly +[warn] /Users/royl/git/spark/streaming/src/test/scala/org/apache/spark/streaming/DStreamClosureSuite.scala:112: method foreach in class DStream is deprecated: use foreachRDD +[warn]  expectCorrectException { ds.foreach(foreachF1) } +[warn]  ^ +[warn] /Users/royl/git/spark/streaming/src/test/scala/org/apache/spark/streaming/DStreamClosureSuite.scala:113: method foreach in class DStream is deprecated: use foreachRDD +[warn]  expectCorrectException { ds.foreach(foreachF2) } +[warn]  ^ +[warn] two warnings found +[info] Compiling 143 Scala sources and 60 Java sources to /Users/royl/git/spark/mllib/target/scala-2.10/test-classes... [info] ScalaTest -[info] Run completed in 14 milliseconds. +[info] Run completed in 21 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for examples/test:testOnly +[info] No tests to run for streaming/test:testOnly +[info] Compiling 117 Scala sources and 16 Java sources to /Users/royl/git/spark/sql/core/target/scala-2.10/test-classes... [info] ScalaTest -[info] Run completed in 16 milliseconds. +[info] Run completed in 17 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for hive/test:testOnly +[info] No tests to run for catalyst/test:testOnly +[warn] /Users/royl/git/spark/mllib/src/test/scala/org/apache/spark/mllib/fpm/FPGrowthSuite.scala:303: inferred existential type Array[(scala.collection.immutable.Set[_$2], Long)] forSome { type _$2 }, which cannot be expressed by wildcards, should be enabled +[warn] by making the implicit value scala.language.existentials visible. +[warn] This can be achieved by adding the import clause 'import scala.language.existentials' +[warn] or by setting the compiler option -language:existentials. +[warn] See the Scala docs for value scala.language.existentials for a discussion +[warn] why the feature should be explicitly enabled. +[warn]  val newFreqItemsets = newModel.freqItemsets.collect().map { itemset => +[warn]  ^ +[warn] /Users/royl/git/spark/mllib/src/test/scala/org/apache/spark/mllib/fpm/FPGrowthSuite.scala:337: inferred existential type Array[(scala.collection.immutable.Set[_$2], Long)] forSome { type _$2 }, which cannot be expressed by wildcards, should be enabled +[warn] by making the implicit value scala.language.existentials visible. +[warn]  val newFreqItemsets = newModel.freqItemsets.collect().map { itemset => +[warn]  ^ +[warn] two warnings found Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=128M; support was removed in 8.0 Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=1g; support was removed in 8.0 [info] StreamingLinearRegressionSuite: -[info] - parameter accuracy (11 seconds, 163 milliseconds) -[info] - parameter convergence (1 second, 623 milliseconds) -[info] - predictions (10 seconds, 299 milliseconds) -[info] - training and prediction (1 second, 361 milliseconds) -[info] - handling empty RDDs in a stream (375 milliseconds) +[info] Compiling 57 Scala sources and 14 Java sources to /Users/royl/git/spark/sql/hive/target/scala-2.10/test-classes... +[info] Compiling 4 Scala sources to /Users/royl/git/spark/docker-integration-tests/target/scala-2.10/test-classes... +[info] ScalaTest +[info] Run completed in 22 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for sql/test:testOnly +[info] - parameter accuracy (16 seconds, 207 milliseconds) +[info] - parameter convergence (2 seconds, 358 milliseconds) +[info] ScalaTest +[info] Run completed in 22 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for docker-integration-tests/test:testOnly +[info] - predictions (10 seconds, 444 milliseconds) +[info] - training and prediction (1 second, 899 milliseconds) +[info] - handling empty RDDs in a stream (481 milliseconds) [info] FPGrowthSuite: -[info] - FP-Growth using String type (238 milliseconds) -[info] - FP-Growth String type association rule generation (110 milliseconds) -[info] - FP-Growth using Int type (163 milliseconds) +[info] - FP-Growth using String type (322 milliseconds) +[info] - FP-Growth String type association rule generation (138 milliseconds) +[info] - FP-Growth using Int type (219 milliseconds) SLF4J: Failed to load class "org.slf4j.impl.StaticLoggerBinder". SLF4J: Defaulting to no-operation (NOP) logger implementation SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further details. -[info] - model save/load with String type (2 seconds, 412 milliseconds) -[info] - model save/load with Int type (316 milliseconds) +[info] - model save/load with String type (3 seconds, 266 milliseconds) +[info] - model save/load with Int type (581 milliseconds) [info] BinaryClassificationMetricsSuite: -[info] - binary evaluation metrics (177 milliseconds) -[info] - binary evaluation metrics for RDD where all examples have positive label (108 milliseconds) -[info] - binary evaluation metrics for RDD where all examples have negative label (95 milliseconds) -[info] - binary evaluation metrics with downsampling (53 milliseconds) +[info] - binary evaluation metrics (206 milliseconds) +[info] - binary evaluation metrics for RDD where all examples have positive label (151 milliseconds) +[info] - binary evaluation metrics for RDD where all examples have negative label (122 milliseconds) +[info] - binary evaluation metrics with downsampling (77 milliseconds) [info] LinearRegressionSuite: -[info] - linear regression (405 milliseconds) -[info] - linear regression without intercept (356 milliseconds) -[info] - sparse linear regression without intercept (1 second, 61 milliseconds) -[info] - model save/load (276 milliseconds) +[info] - linear regression (517 milliseconds) +[info] - linear regression without intercept (481 milliseconds) +[info] - sparse linear regression without intercept (1 second, 547 milliseconds) +[info] - model save/load (402 milliseconds) [info] LinearRegressionClusterSuite: -[info] - task size should be small in both training and prediction (5 seconds, 543 milliseconds) +[info] - task size should be small in both training and prediction (10 seconds, 275 milliseconds) [info] HashingTFSuite: -[info] - hashing tf on a single doc (4 milliseconds) -[info] - hashing tf on an RDD (10 milliseconds) +[info] - hashing tf on a single doc (6 milliseconds) +[info] - hashing tf on an RDD (16 milliseconds) [info] PeriodicRDDCheckpointerSuite: -[info] - Persisting (9 milliseconds) -[info] - Checkpointing (155 milliseconds) +[info] - Persisting (13 milliseconds) +[info] - Checkpointing (320 milliseconds) [info] KernelDensitySuite: -[info] - kernel density single sample (28 milliseconds) -[info] - kernel density multiple samples (10 milliseconds) +[info] - kernel density single sample (58 milliseconds) +[info] - kernel density multiple samples (7 milliseconds) [info] PrefixSpanSuite: -[info] - PrefixSpan internal (integer seq, 0 delim) run, singleton itemsets (152 milliseconds) -[info] - PrefixSpan internal (integer seq, -1 delim) run, variable-size itemsets (34 milliseconds) -[info] - PrefixSpan projections with multiple partial starts (62 milliseconds) -[info] - PrefixSpan Integer type, variable-size itemsets (55 milliseconds) -[info] - PrefixSpan String type, variable-size itemsets (46 milliseconds) +[info] - PrefixSpan internal (integer seq, 0 delim) run, singleton itemsets (231 milliseconds) +[info] - PrefixSpan internal (integer seq, -1 delim) run, variable-size itemsets (49 milliseconds) +[info] - PrefixSpan projections with multiple partial starts (93 milliseconds) +[info] - PrefixSpan Integer type, variable-size itemsets (74 milliseconds) +[info] - PrefixSpan String type, variable-size itemsets (94 milliseconds) [info] StreamingTestSuite: -[info] - accuracy for null hypothesis using welch t-test (405 milliseconds) -[info] - accuracy for alternative hypothesis using welch t-test (277 milliseconds) -[info] - accuracy for null hypothesis using student t-test (285 milliseconds) -[info] - accuracy for alternative hypothesis using student t-test (271 milliseconds) -[info] - batches within same test window are grouped (339 milliseconds) -[info] - entries in peace period are dropped (10 seconds, 279 milliseconds) -[info] - null hypothesis when only data from one group is present (277 milliseconds) +[info] ScalaTest +[info] Run completed in 15 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for hive/test:testOnly +[info] - accuracy for null hypothesis using welch t-test (10 seconds, 707 milliseconds) +[info] - accuracy for alternative hypothesis using welch t-test (288 milliseconds) +[info] - accuracy for null hypothesis using student t-test (308 milliseconds) +[info] - accuracy for alternative hypothesis using student t-test (297 milliseconds) +[info] - batches within same test window are grouped (346 milliseconds) +[info] - entries in peace period are dropped (10 seconds, 298 milliseconds) +[info] - null hypothesis when only data from one group is present (294 milliseconds) [info] BinaryClassificationPMMLModelExportSuite: -[info] - logistic regression PMML export (24 milliseconds) +[info] - logistic regression PMML export (28 milliseconds) [info] - linear SVM PMML export (1 millisecond) [info] RidgeRegressionSuite: -[info] - ridge regression can help avoid overfitting (2 seconds, 155 milliseconds) -[info] - model save/load (199 milliseconds) +[info] - ridge regression can help avoid overfitting (2 seconds, 397 milliseconds) +[info] - model save/load (208 milliseconds) [info] RidgeRegressionClusterSuite: -[info] - task size should be small in both training and prediction (5 seconds, 428 milliseconds) +[info] - task size should be small in both training and prediction (7 seconds, 128 milliseconds) [info] GradientBoostedTreesSuite: -[info] - Regression with continuous features: SquaredError (4 seconds, 174 milliseconds) -[info] - Regression with continuous features: Absolute Error (3 seconds, 676 milliseconds) -[info] - Binary classification with continuous features: Log Loss (3 seconds, 829 milliseconds) +[info] - Regression with continuous features: SquaredError (5 seconds, 878 milliseconds) +[info] - Regression with continuous features: Absolute Error (5 seconds, 481 milliseconds) +[info] - Binary classification with continuous features: Log Loss (5 seconds, 314 milliseconds) [info] - SPARK-5496: BoostingStrategy.defaultParams should recognize Classification (1 millisecond) -[info] - model save/load (51 minutes, 44 seconds) -[info] - runWithValidation stops early and performs better on a validation dataset (10 seconds, 620 milliseconds) -[info] - Checkpointing (474 milliseconds) +[info] - model save/load (857 milliseconds) +[info] - runWithValidation stops early and performs better on a validation dataset (12 seconds, 298 milliseconds) +[info] - Checkpointing (652 milliseconds) [info] MatrixFactorizationModelSuite: -[info] - constructor (50 milliseconds) -[info] - save/load (420 milliseconds) -[info] - batch predict API recommendProductsForUsers (66 milliseconds) -[info] - batch predict API recommendUsersForProducts (30 milliseconds) +[info] - constructor (71 milliseconds) +[info] - save/load (481 milliseconds) +[info] - batch predict API recommendProductsForUsers (87 milliseconds) +[info] - batch predict API recommendUsersForProducts (39 milliseconds) [info] Word2VecSuite: -[info] - Word2Vec (176 milliseconds) -[info] - Word2Vec throws exception when vocabulary is empty (13 milliseconds) -[info] - Word2VecModel (0 milliseconds) -[info] - model load / save (233 milliseconds) -[info] - big model load / save (4 seconds, 683 milliseconds) +[info] - Word2Vec (151 milliseconds) +[info] - Word2Vec throws exception when vocabulary is empty (18 milliseconds) +[info] - Word2VecModel (1 millisecond) +[info] - model load / save (284 milliseconds) +[info] - big model load / save (6 seconds, 307 milliseconds) [info] TestingUtilsSuite: -[info] - Comparing doubles using relative error. (9 milliseconds) -[info] - Comparing doubles using absolute error. (1 millisecond) -[info] - Comparing vectors using relative error. (4 milliseconds) -[info] - Comparing vectors using absolute error. (3 milliseconds) +[info] - Comparing doubles using relative error. (15 milliseconds) +[info] - Comparing doubles using absolute error. (4 milliseconds) +[info] - Comparing vectors using relative error. (13 milliseconds) +[info] - Comparing vectors using absolute error. (9 milliseconds) [info] MultivariateOnlineSummarizerSuite: -[info] - basic error handing (16 milliseconds) -[info] - dense vector input (1 millisecond) -[info] - sparse vector input (0 milliseconds) -[info] - mixing dense and sparse vector input (0 milliseconds) -[info] - merging two summarizers (1 millisecond) -[info] - merging summarizer with empty summarizer (0 milliseconds) +[info] - basic error handing (40 milliseconds) +[info] - dense vector input (2 milliseconds) +[info] - sparse vector input (1 millisecond) +[info] - mixing dense and sparse vector input (2 milliseconds) +[info] - merging two summarizers (2 milliseconds) +[info] - merging summarizer with empty summarizer (1 millisecond) [info] - merging summarizer when one side has zero mean (SPARK-4355) (1 millisecond) -[info] - merging summarizer with weighted samples (2 milliseconds) +[info] - merging summarizer with weighted samples (4 milliseconds) [info] ChiSqSelectorSuite: -[info] - ChiSqSelector transform test (sparse & dense vector) (69 milliseconds) -[info] - model load / save (199 milliseconds) +[info] - ChiSqSelector transform test (sparse & dense vector) (87 milliseconds) +[info] - model load / save (233 milliseconds) [info] RowMatrixSuite: -[info] - size (19 milliseconds) +[info] - size (22 milliseconds) [info] - empty rows (9 milliseconds) [info] - toBreeze (11 milliseconds) -[info] - gram (13 milliseconds) -[info] - similar columns (125 milliseconds) -[info] - svd of a full-rank matrix (729 milliseconds) -[info] - svd of a low-rank matrix (49 milliseconds) +[info] - gram (22 milliseconds) +[info] - similar columns (160 milliseconds) +[info] - svd of a full-rank matrix (1 second, 70 milliseconds) +[info] - svd of a low-rank matrix (62 milliseconds) [info] - validate k in svd (2 milliseconds) -[info] - pca (106 milliseconds) -[info] - multiply a local matrix (11 milliseconds) -[info] - compute column summary statistics (11 milliseconds) -[info] - QR Decomposition (114 milliseconds) -[info] - compute covariance (48 milliseconds) -[info] - covariance matrix is symmetric (SPARK-10875) (29 milliseconds) +[info] - pca (157 milliseconds) +[info] - multiply a local matrix (29 milliseconds) +[info] - compute column summary statistics (18 milliseconds) +[info] - QR Decomposition (169 milliseconds) +[info] - compute covariance (66 milliseconds) +[info] - covariance matrix is symmetric (SPARK-10875) (37 milliseconds) [info] RowMatrixClusterSuite: -[info] - task size should be small in svd (5 seconds, 792 milliseconds) -[info] - task size should be small in summarize (232 milliseconds) +[info] - task size should be small in svd (8 seconds, 633 milliseconds) +[info] - task size should be small in summarize (295 milliseconds) [info] LassoSuite: -[info] - Lasso local random SGD (716 milliseconds) -[info] - Lasso local random SGD with initial weights (458 milliseconds) -[info] - model save/load (201 milliseconds) +[info] - Lasso local random SGD (668 milliseconds) +[info] - Lasso local random SGD with initial weights (598 milliseconds) +[info] - model save/load (206 milliseconds) [info] LassoClusterSuite: -[info] - task size should be small in both training and prediction (5 seconds, 104 milliseconds) +[info] - task size should be small in both training and prediction (7 seconds, 207 milliseconds) [info] NaiveBayesSuite: [info] - model types (1 millisecond) [info] - get, set params (2 milliseconds) -[info] - Naive Bayes Multinomial (200 milliseconds) -[info] - Naive Bayes Bernoulli (395 milliseconds) -[info] - detect negative values (55 milliseconds) -[info] - detect non zero or one values in Bernoulli (26 milliseconds) -[info] - model save/load: 2.0 to 2.0 (373 milliseconds) -[info] - model save/load: 1.0 to 2.0 (187 milliseconds) +[info] - Naive Bayes Multinomial (294 milliseconds) +[info] - Naive Bayes Bernoulli (601 milliseconds) +[info] - detect negative values (68 milliseconds) +[info] - detect non zero or one values in Bernoulli (39 milliseconds) +[info] - model save/load: 2.0 to 2.0 (492 milliseconds) +[info] - model save/load: 1.0 to 2.0 (263 milliseconds) [info] NaiveBayesClusterSuite: -[info] - task size should be small in both training and prediction (3 seconds, 766 milliseconds) +[info] - task size should be small in both training and prediction (5 seconds, 964 milliseconds) [info] LabeledPointSuite: [info] - parse labeled points (4 milliseconds) [info] - parse labeled points with whitespaces (0 milliseconds) [info] - parse labeled points with v0.9 format (1 millisecond) [info] MultilabelMetricsSuite: -[info] - Multilabel evaluation metrics (108 milliseconds) +[info] - Multilabel evaluation metrics (142 milliseconds) [info] BreezeVectorConversionSuite: [info] - dense to breeze (0 milliseconds) [info] - sparse to breeze (0 milliseconds) @@ -385,455 +452,455 @@ SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further detail [info] - sparse breeze to vector (1 millisecond) [info] - sparse breeze with partially-used arrays to vector (0 milliseconds) [info] DecisionTreeSuite: -[info] - Binary classification with continuous features: split and bin calculation (50 milliseconds) -[info] - Binary classification with binary (ordered) categorical features: split and bin calculation (20 milliseconds) -[info] - Binary classification with 3-ary (ordered) categorical features, with no samples for one category (18 milliseconds) +[info] - Binary classification with continuous features: split and bin calculation (62 milliseconds) +[info] - Binary classification with binary (ordered) categorical features: split and bin calculation (32 milliseconds) +[info] - Binary classification with 3-ary (ordered) categorical features, with no samples for one category (27 milliseconds) [info] - extract categories from a number for multiclass classification (1 millisecond) -[info] - find splits for a continuous feature (284 milliseconds) -[info] - Multiclass classification with unordered categorical features: split and bin calculations (21 milliseconds) -[info] - Multiclass classification with ordered categorical features: split and bin calculations (34 milliseconds) -[info] - Avoid aggregation on the last level (48 milliseconds) -[info] - Avoid aggregation if impurity is 0.0 (37 milliseconds) -[info] - Second level node building with vs. without groups (180 milliseconds) -[info] - Binary classification stump with ordered categorical features (59 milliseconds) -[info] - Regression stump with 3-ary (ordered) categorical features (51 milliseconds) -[info] - Regression stump with binary (ordered) categorical features (56 milliseconds) -[info] - Binary classification stump with fixed label 0 for Gini (101 milliseconds) -[info] - Binary classification stump with fixed label 1 for Gini (95 milliseconds) -[info] - Binary classification stump with fixed label 0 for Entropy (89 milliseconds) -[info] - Binary classification stump with fixed label 1 for Entropy (97 milliseconds) -[info] - Multiclass classification stump with 3-ary (unordered) categorical features (97 milliseconds) -[info] - Binary classification stump with 1 continuous feature, to check off-by-1 error (44 milliseconds) -[info] - Binary classification stump with 2 continuous features (34 milliseconds) -[info] - Multiclass classification stump with unordered categorical features, with just enough bins (88 milliseconds) -[info] - Multiclass classification stump with continuous features (168 milliseconds) -[info] - Multiclass classification stump with continuous + unordered categorical features (165 milliseconds) -[info] - Multiclass classification stump with 10-ary (ordered) categorical features (121 milliseconds) -[info] - Multiclass classification tree with 10-ary (ordered) categorical features, with just enough bins (86 milliseconds) -[info] - split must satisfy min instances per node requirements (46 milliseconds) -[info] - do not choose split that does not satisfy min instance per node requirements (46 milliseconds) -[info] - split must satisfy min info gain requirements (42 milliseconds) +[info] - find splits for a continuous feature (376 milliseconds) +[info] - Multiclass classification with unordered categorical features: split and bin calculations (32 milliseconds) +[info] - Multiclass classification with ordered categorical features: split and bin calculations (47 milliseconds) +[info] - Avoid aggregation on the last level (63 milliseconds) +[info] - Avoid aggregation if impurity is 0.0 (54 milliseconds) +[info] - Second level node building with vs. without groups (261 milliseconds) +[info] - Binary classification stump with ordered categorical features (83 milliseconds) +[info] - Regression stump with 3-ary (ordered) categorical features (89 milliseconds) +[info] - Regression stump with binary (ordered) categorical features (110 milliseconds) +[info] - Binary classification stump with fixed label 0 for Gini (150 milliseconds) +[info] - Binary classification stump with fixed label 1 for Gini (165 milliseconds) +[info] - Binary classification stump with fixed label 0 for Entropy (130 milliseconds) +[info] - Binary classification stump with fixed label 1 for Entropy (124 milliseconds) +[info] - Multiclass classification stump with 3-ary (unordered) categorical features (139 milliseconds) +[info] - Binary classification stump with 1 continuous feature, to check off-by-1 error (49 milliseconds) +[info] - Binary classification stump with 2 continuous features (50 milliseconds) +[info] - Multiclass classification stump with unordered categorical features, with just enough bins (139 milliseconds) +[info] - Multiclass classification stump with continuous features (213 milliseconds) +[info] - Multiclass classification stump with continuous + unordered categorical features (222 milliseconds) +[info] - Multiclass classification stump with 10-ary (ordered) categorical features (155 milliseconds) +[info] - Multiclass classification tree with 10-ary (ordered) categorical features, with just enough bins (146 milliseconds) +[info] - split must satisfy min instances per node requirements (55 milliseconds) +[info] - do not choose split that does not satisfy min instance per node requirements (56 milliseconds) +[info] - split must satisfy min info gain requirements (54 milliseconds) [info] - Node.subtreeIterator (1 millisecond) -[info] - model save/load (381 milliseconds) +[info] - model save/load (668 milliseconds) [info] ALSSuite: -[info] - rank-1 matrices (796 milliseconds) -[info] - rank-1 matrices bulk (785 milliseconds) -[info] - rank-2 matrices (667 milliseconds) -[info] - rank-2 matrices bulk (824 milliseconds) -[info] - rank-1 matrices implicit (897 milliseconds) -[info] - rank-1 matrices implicit bulk (1 second, 7 milliseconds) -[info] - rank-2 matrices implicit (908 milliseconds) -[info] - rank-2 matrices implicit bulk (1 second, 168 milliseconds) -[info] - rank-2 matrices implicit negative (905 milliseconds) -[info] - rank-2 matrices with different user and product blocks (695 milliseconds) -[info] - pseudorandomness (313 milliseconds) -[info] - Storage Level for RDDs in model (196 milliseconds) -[info] - negative ids (656 milliseconds) -[info] - NNALS, rank 2 (650 milliseconds) +[info] - rank-1 matrices (1 second, 92 milliseconds) +[info] - rank-1 matrices bulk (1 second, 18 milliseconds) +[info] - rank-2 matrices (969 milliseconds) +[info] - rank-2 matrices bulk (1 second, 199 milliseconds) +[info] - rank-1 matrices implicit (1 second, 392 milliseconds) +[info] - rank-1 matrices implicit bulk (1 second, 540 milliseconds) +[info] - rank-2 matrices implicit (1 second, 397 milliseconds) +[info] - rank-2 matrices implicit bulk (1 second, 570 milliseconds) +[info] - rank-2 matrices implicit negative (1 second, 321 milliseconds) +[info] - rank-2 matrices with different user and product blocks (976 milliseconds) +[info] - pseudorandomness (463 milliseconds) +[info] - Storage Level for RDDs in model (296 milliseconds) +[info] - negative ids (804 milliseconds) +[info] - NNALS, rank 2 (950 milliseconds) [info] BaggedPointSuite: -[info] - BaggedPoint RDD: without subsampling (15 milliseconds) -[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 1.0) (100 milliseconds) -[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 0.5) (80 milliseconds) -[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 1.0) (54 milliseconds) -[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 0.5) (63 milliseconds) +[info] - BaggedPoint RDD: without subsampling (24 milliseconds) +[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 1.0) (145 milliseconds) +[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 0.5) (116 milliseconds) +[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 1.0) (69 milliseconds) +[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 0.5) (75 milliseconds) [info] PMMLModelExportFactorySuite: -[info] - PMMLModelExportFactory create KMeansPMMLModelExport when passing a KMeansModel (8 milliseconds) +[info] - PMMLModelExportFactory create KMeansPMMLModelExport when passing a KMeansModel (11 milliseconds) [info] - PMMLModelExportFactory create GeneralizedLinearPMMLModelExport when passing a LinearRegressionModel, RidgeRegressionModel or LassoModel (2 milliseconds) -[info] - PMMLModelExportFactory create BinaryClassificationPMMLModelExport when passing a LogisticRegressionModel or SVMModel (0 milliseconds) +[info] - PMMLModelExportFactory create BinaryClassificationPMMLModelExport when passing a LogisticRegressionModel or SVMModel (1 millisecond) [info] - PMMLModelExportFactory throw IllegalArgumentException when passing a Multinomial Logistic Regression (1 millisecond) -[info] - PMMLModelExportFactory throw IllegalArgumentException when passing an unsupported model (1 millisecond) +[info] - PMMLModelExportFactory throw IllegalArgumentException when passing an unsupported model (0 milliseconds) [info] RandomForestSuite: -[info] - Binary classification with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (625 milliseconds) -[info] - Binary classification with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (642 milliseconds) -[info] - Regression with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (434 milliseconds) -[info] - Regression with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (457 milliseconds) -[info] - Binary classification with continuous features: subsampling features (337 milliseconds) -[info] - Binary classification with continuous features and node Id cache: subsampling features (345 milliseconds) -[info] - alternating categorical and continuous features with multiclass labels to test indexing (53 milliseconds) -[info] - subsampling rate in RandomForest (126 milliseconds) -[info] - model save/load (382 milliseconds) +[info] - Binary classification with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (857 milliseconds) +[info] - Binary classification with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (893 milliseconds) +[info] - Regression with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (662 milliseconds) +[info] - Regression with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (626 milliseconds) +[info] - Binary classification with continuous features: subsampling features (493 milliseconds) +[info] - Binary classification with continuous features and node Id cache: subsampling features (451 milliseconds) +[info] - alternating categorical and continuous features with multiclass labels to test indexing (69 milliseconds) +[info] - subsampling rate in RandomForest (173 milliseconds) +[info] - model save/load (532 milliseconds) [info] KMeansPMMLModelExportSuite: [info] - KMeansPMMLModelExport generate PMML format (1 millisecond) [info] RDDFunctionsSuite: -[info] - sliding (1 second, 204 milliseconds) -[info] - sliding with empty partitions (15 milliseconds) +[info] - sliding (1 second, 651 milliseconds) +[info] - sliding with empty partitions (22 milliseconds) [info] KMeansSuite: -[info] - single cluster (815 milliseconds) -[info] - no distinct points (110 milliseconds) -[info] - more clusters than points (101 milliseconds) -[info] - deterministic initialization (488 milliseconds) -[info] - single cluster with big dataset (766 milliseconds) -[info] - single cluster with sparse data (1 second, 161 milliseconds) -[info] - k-means|| initialization (331 milliseconds) -[info] - two clusters (198 milliseconds) -[info] - model save/load (399 milliseconds) -[info] - Initialize using given cluster centers (6 milliseconds) +[info] - single cluster (1 second, 932 milliseconds) +[info] - no distinct points (287 milliseconds) +[info] - more clusters than points (304 milliseconds) +[info] - deterministic initialization (1 second, 371 milliseconds) +[info] - single cluster with big dataset (2 seconds, 318 milliseconds) +[info] - single cluster with sparse data (3 seconds, 261 milliseconds) +[info] - k-means|| initialization (844 milliseconds) +[info] - two clusters (426 milliseconds) +[info] - model save/load (541 milliseconds) +[info] - Initialize using given cluster centers (8 milliseconds) [info] KMeansClusterSuite: -[info] - task size should be small in both training and prediction (7 seconds, 238 milliseconds) +[info] - task size should be small in both training and prediction (14 seconds, 531 milliseconds) [info] StandardScalerSuite: -[info] - Standardization with dense input when means and stds are provided (89 milliseconds) -[info] - Standardization with dense input (64 milliseconds) -[info] - Standardization with sparse input when means and stds are provided (37 milliseconds) -[info] - Standardization with sparse input (30 milliseconds) -[info] - Standardization with constant input when means and stds are provided (15 milliseconds) -[info] - Standardization with constant input (14 milliseconds) -[info] - StandardScalerModel argument nulls are properly handled (3 milliseconds) +[info] - Standardization with dense input when means and stds are provided (117 milliseconds) +[info] - Standardization with dense input (88 milliseconds) +[info] - Standardization with sparse input when means and stds are provided (45 milliseconds) +[info] - Standardization with sparse input (49 milliseconds) +[info] - Standardization with constant input when means and stds are provided (20 milliseconds) +[info] - Standardization with constant input (18 milliseconds) +[info] - StandardScalerModel argument nulls are properly handled (4 milliseconds) [info] StreamingLogisticRegressionSuite: -[info] - parameter accuracy (2 seconds, 331 milliseconds) -[info] - parameter convergence (2 seconds, 263 milliseconds) -[info] - predictions (276 milliseconds) -[info] - training and prediction (903 milliseconds) -[info] - handling empty RDDs in a stream (320 milliseconds) +[info] - parameter accuracy (2 seconds, 927 milliseconds) +[info] - parameter convergence (2 seconds, 681 milliseconds) +[info] - predictions (285 milliseconds) +[info] - training and prediction (1 second, 166 milliseconds) +[info] - handling empty RDDs in a stream (367 milliseconds) [info] MultivariateGaussianSuite: -[info] - univariate (26 milliseconds) -[info] - multivariate (3 milliseconds) -[info] - multivariate degenerate (1 millisecond) -[info] - SPARK-11302 (1 millisecond) +[info] - univariate (40 milliseconds) +[info] - multivariate (5 milliseconds) +[info] - multivariate degenerate (0 milliseconds) +[info] - SPARK-11302 (2 milliseconds) [info] AssociationRulesSuite: -[info] - association rules using String type (39 milliseconds) +[info] - association rules using String type (51 milliseconds) [info] RandomDataGeneratorSuite: -[info] - UniformGenerator (33 milliseconds) -[info] - StandardNormalGenerator (49 milliseconds) -[info] - LogNormalGenerator (265 milliseconds) -[info] - PoissonGenerator (2 seconds, 296 milliseconds) -[info] - ExponentialGenerator (274 milliseconds) -[info] - GammaGenerator (403 milliseconds) -[info] - WeibullGenerator (625 milliseconds) +[info] - UniformGenerator (42 milliseconds) +[info] - StandardNormalGenerator (59 milliseconds) +[info] - LogNormalGenerator (300 milliseconds) +[info] - PoissonGenerator (2 seconds, 200 milliseconds) +[info] - ExponentialGenerator (368 milliseconds) +[info] - GammaGenerator (551 milliseconds) +[info] - WeibullGenerator (645 milliseconds) [info] MLUtilsSuite: [info] - epsilon computation (0 milliseconds) -[info] - fast squared distance (9 milliseconds) -[info] - loadLibSVMFile (74 milliseconds) -[info] - loadLibSVMFile throws IllegalArgumentException when indices is zero-based (21 milliseconds) -[info] - loadLibSVMFile throws IllegalArgumentException when indices is not in ascending order (19 milliseconds) -[info] - saveAsLibSVMFile (38 milliseconds) +[info] - fast squared distance (11 milliseconds) +[info] - loadLibSVMFile (96 milliseconds) +[info] - loadLibSVMFile throws IllegalArgumentException when indices is zero-based (26 milliseconds) +[info] - loadLibSVMFile throws IllegalArgumentException when indices is not in ascending order (26 milliseconds) +[info] - saveAsLibSVMFile (46 milliseconds) [info] - appendBias (0 milliseconds) -[info] - kFold (3 seconds, 508 milliseconds) -[info] - loadVectors (63 milliseconds) -[info] - loadLabeledPoints (58 milliseconds) +[info] - kFold (4 seconds, 423 milliseconds) +[info] - loadVectors (74 milliseconds) +[info] - loadLabeledPoints (83 milliseconds) [info] - log1pExp (0 milliseconds) [info] BlockMatrixSuite: -[info] - size (0 milliseconds) -[info] - grid partitioner (9 milliseconds) -[info] - toCoordinateMatrix (14 milliseconds) -[info] - toIndexedRowMatrix (27 milliseconds) -[info] - toBreeze and toLocalMatrix (9 milliseconds) -[info] - add (141 milliseconds) -[info] - multiply (226 milliseconds) -[info] - simulate multiply (13 milliseconds) -[info] - validate (111 milliseconds) -[info] - transpose (27 milliseconds) +[info] - size (1 millisecond) +[info] - grid partitioner (10 milliseconds) +[info] - toCoordinateMatrix (18 milliseconds) +[info] - toIndexedRowMatrix (35 milliseconds) +[info] - toBreeze and toLocalMatrix (15 milliseconds) +[info] - add (183 milliseconds) +[info] - multiply (287 milliseconds) +[info] - simulate multiply (18 milliseconds) +[info] - validate (134 milliseconds) +[info] - transpose (33 milliseconds) [info] NNLSSuite: [info] - NNLS: exact solution cases (21 milliseconds) -[info] - NNLS: nonnegativity constraint active (2 milliseconds) +[info] - NNLS: nonnegativity constraint active (1 millisecond) [info] - NNLS: objective value test (0 milliseconds) [info] MatricesSuite: [info] - dense matrix construction (0 milliseconds) [info] - dense matrix construction with wrong dimension (1 millisecond) -[info] - sparse matrix construction (7 milliseconds) -[info] - sparse matrix construction with wrong number of elements (1 millisecond) -[info] - index in matrices incorrect input (3 milliseconds) -[info] - equals (16 milliseconds) +[info] - sparse matrix construction (8 milliseconds) +[info] - sparse matrix construction with wrong number of elements (2 milliseconds) +[info] - index in matrices incorrect input (4 milliseconds) +[info] - equals (34 milliseconds) [info] - matrix copies are deep copies (0 milliseconds) -[info] - matrix indexing and updating (1 millisecond) -[info] - toSparse, toDense (1 millisecond) +[info] - matrix indexing and updating (0 milliseconds) +[info] - toSparse, toDense (0 milliseconds) [info] - map, update (2 milliseconds) -[info] - transpose (1 millisecond) -[info] - foreachActive (1 millisecond) -[info] - horzcat, vertcat, eye, speye (12 milliseconds) +[info] - transpose (0 milliseconds) +[info] - foreachActive (2 milliseconds) +[info] - horzcat, vertcat, eye, speye (11 milliseconds) [info] - zeros (1 millisecond) -[info] - ones (3 milliseconds) +[info] - ones (1 millisecond) [info] - eye (0 milliseconds) -[info] - rand (125 milliseconds) +[info] - rand (209 milliseconds) [info] - randn (2 milliseconds) [info] - diag (1 millisecond) -[info] - sprand (7 milliseconds) +[info] - sprand (11 milliseconds) [info] - sprandn (2 milliseconds) [info] - MatrixUDT (5 milliseconds) -[info] - toString (13 milliseconds) -[info] - numNonzeros and numActives (1 millisecond) +[info] - toString (3 milliseconds) +[info] - numNonzeros and numActives (2 milliseconds) [info] MLPairRDDFunctionsSuite: -[info] - topByKey (14 milliseconds) +[info] - topByKey (25 milliseconds) [info] IDFSuite: [info] - idf (25 milliseconds) -[info] - idf minimum document frequency filtering (23 milliseconds) +[info] - idf minimum document frequency filtering (11 milliseconds) [info] IndexedRowMatrixSuite: -[info] - size (15 milliseconds) -[info] - empty rows (8 milliseconds) -[info] - toBreeze (10 milliseconds) -[info] - toRowMatrix (11 milliseconds) -[info] - toCoordinateMatrix (15 milliseconds) -[info] - toBlockMatrix (30 milliseconds) -[info] - multiply a local matrix (31 milliseconds) -[info] - gram (9 milliseconds) -[info] - svd (35 milliseconds) -[info] - validate matrix sizes of svd (16 milliseconds) +[info] - size (16 milliseconds) +[info] - empty rows (7 milliseconds) +[info] - toBreeze (12 milliseconds) +[info] - toRowMatrix (15 milliseconds) +[info] - toCoordinateMatrix (22 milliseconds) +[info] - toBlockMatrix (43 milliseconds) +[info] - multiply a local matrix (35 milliseconds) +[info] - gram (19 milliseconds) +[info] - svd (47 milliseconds) +[info] - validate matrix sizes of svd (17 milliseconds) [info] - validate k in svd (4 milliseconds) -[info] - similar columns (28 milliseconds) +[info] - similar columns (30 milliseconds) [info] CorrelationSuite: -[info] - corr(x, y) pearson, 1 value in data (79 milliseconds) -[info] - corr(x, y) default, pearson (98 milliseconds) -[info] - corr(x, y) spearman (214 milliseconds) -[info] - corr(X) default, pearson (22 milliseconds) -[info] - corr(X) spearman (33 milliseconds) -[info] - method identification (0 milliseconds) +[info] - corr(x, y) pearson, 1 value in data (106 milliseconds) +[info] - corr(x, y) default, pearson (160 milliseconds) +[info] - corr(x, y) spearman (272 milliseconds) +[info] - corr(X) default, pearson (33 milliseconds) +[info] - corr(X) spearman (40 milliseconds) +[info] - method identification (1 millisecond) [info] FPTreeSuite: [info] - add transaction (1 millisecond) [info] - merge tree (0 milliseconds) -[info] - extract freq itemsets (1 millisecond) +[info] - extract freq itemsets (0 milliseconds) [info] LogisticRegressionSuite: -[info] - logistic regression with SGD (639 milliseconds) -[info] - logistic regression with LBFGS (681 milliseconds) -[info] - logistic regression with initial weights with SGD (696 milliseconds) -[info] - logistic regression with initial weights and non-default regularization parameter (497 milliseconds) -[info] - logistic regression with initial weights with LBFGS (595 milliseconds) -[info] - numerical stability of scaling features using logistic regression with LBFGS (3 seconds, 650 milliseconds) -[info] - multinomial logistic regression with LBFGS (28 seconds, 980 milliseconds) -[info] - model save/load: binary classification (301 milliseconds) -[info] - model save/load: multiclass classification (136 milliseconds) +[info] - logistic regression with SGD (786 milliseconds) +[info] - logistic regression with LBFGS (944 milliseconds) +[info] - logistic regression with initial weights with SGD (920 milliseconds) +[info] - logistic regression with initial weights and non-default regularization parameter (664 milliseconds) +[info] - logistic regression with initial weights with LBFGS (924 milliseconds) +[info] - numerical stability of scaling features using logistic regression with LBFGS (4 seconds, 978 milliseconds) +[info] - multinomial logistic regression with LBFGS (38 seconds, 450 milliseconds) +[info] - model save/load: binary classification (394 milliseconds) +[info] - model save/load: multiclass classification (191 milliseconds) [info] LogisticRegressionClusterSuite: -[info] - task size should be small in both training and prediction using SGD optimizer (4 seconds, 493 milliseconds) -[info] - task size should be small in both training and prediction using LBFGS optimizer (2 seconds, 222 milliseconds) +[info] - task size should be small in both training and prediction using SGD optimizer (7 seconds, 760 milliseconds) +[info] - task size should be small in both training and prediction using LBFGS optimizer (2 seconds, 915 milliseconds) [info] BLASSuite: [info] - copy (3 milliseconds) -[info] - scal (0 milliseconds) -[info] - unitedIndices (1 millisecond) -[info] - axpy (4 milliseconds) +[info] - scal (1 millisecond) +[info] - unitedIndices (0 milliseconds) +[info] - axpy (3 milliseconds) [info] - dot (2 milliseconds) -[info] - spr (1 millisecond) -[info] - syr (7 milliseconds) -[info] - gemm (6 milliseconds) -[info] - gemv (3 milliseconds) +[info] - spr (2 milliseconds) +[info] - syr (6 milliseconds) +[info] - gemm (3 milliseconds) +[info] - gemv (4 milliseconds) [info] GeneralizedLinearPMMLModelExportSuite: [info] - linear regression PMML export (0 milliseconds) [info] - ridge regression PMML export (0 milliseconds) -[info] - lasso PMML export (0 milliseconds) +[info] - lasso PMML export (1 millisecond) [info] AreaUnderCurveSuite: -[info] - auc computation (12 milliseconds) -[info] - auc of an empty curve (5 milliseconds) -[info] - auc of a curve with a single point (5 milliseconds) +[info] - auc computation (19 milliseconds) +[info] - auc of an empty curve (12 milliseconds) +[info] - auc of a curve with a single point (8 milliseconds) [info] PeriodicGraphCheckpointerSuite: -[info] - Persisting (94 milliseconds) -[info] - Checkpointing (427 milliseconds) +[info] - Persisting (124 milliseconds) +[info] - Checkpointing (559 milliseconds) [info] PowerIterationClusteringSuite: -[info] - power iteration clustering (600 milliseconds) -[info] - power iteration clustering on graph (518 milliseconds) -[info] - normalize and powerIter (93 milliseconds) -[info] - model save/load (182 milliseconds) +[info] - power iteration clustering (933 milliseconds) +[info] - power iteration clustering on graph (787 milliseconds) +[info] - normalize and powerIter (116 milliseconds) +[info] - model save/load (264 milliseconds) [info] IsotonicRegressionSuite: -[info] - increasing isotonic regression (41 milliseconds) -[info] - model save/load (184 milliseconds) -[info] - isotonic regression with size 0 (14 milliseconds) -[info] - isotonic regression with size 1 (14 milliseconds) -[info] - isotonic regression strictly increasing sequence (15 milliseconds) -[info] - isotonic regression strictly decreasing sequence (14 milliseconds) -[info] - isotonic regression with last element violating monotonicity (15 milliseconds) +[info] - increasing isotonic regression (56 milliseconds) +[info] - model save/load (242 milliseconds) +[info] - isotonic regression with size 0 (16 milliseconds) +[info] - isotonic regression with size 1 (19 milliseconds) +[info] - isotonic regression strictly increasing sequence (33 milliseconds) +[info] - isotonic regression strictly decreasing sequence (19 milliseconds) +[info] - isotonic regression with last element violating monotonicity (19 milliseconds) [info] - isotonic regression with first element violating monotonicity (23 milliseconds) -[info] - isotonic regression with negative labels (14 milliseconds) -[info] - isotonic regression with unordered input (15 milliseconds) -[info] - weighted isotonic regression (15 milliseconds) -[info] - weighted isotonic regression with weights lower than 1 (15 milliseconds) -[info] - weighted isotonic regression with negative weights (15 milliseconds) -[info] - weighted isotonic regression with zero weights (14 milliseconds) -[info] - isotonic regression prediction (15 milliseconds) -[info] - isotonic regression prediction with duplicate features (15 milliseconds) -[info] - antitonic regression prediction with duplicate features (17 milliseconds) -[info] - isotonic regression RDD prediction (27 milliseconds) -[info] - antitonic regression prediction (15 milliseconds) +[info] - isotonic regression with negative labels (17 milliseconds) +[info] - isotonic regression with unordered input (20 milliseconds) +[info] - weighted isotonic regression (19 milliseconds) +[info] - weighted isotonic regression with weights lower than 1 (21 milliseconds) +[info] - weighted isotonic regression with negative weights (24 milliseconds) +[info] - weighted isotonic regression with zero weights (27 milliseconds) +[info] - isotonic regression prediction (17 milliseconds) +[info] - isotonic regression prediction with duplicate features (19 milliseconds) +[info] - antitonic regression prediction with duplicate features (21 milliseconds) +[info] - isotonic regression RDD prediction (29 milliseconds) +[info] - antitonic regression prediction (17 milliseconds) [info] - model construction (2 milliseconds) [info] NumericParserSuite: -[info] - parser (2 milliseconds) -[info] - parser with whitespaces (0 milliseconds) +[info] - parser (3 milliseconds) +[info] - parser with whitespaces (1 millisecond) [info] MulticlassMetricsSuite: -[info] - Multiclass evaluation metrics (52 milliseconds) +[info] - Multiclass evaluation metrics (64 milliseconds) [info] RandomRDDsSuite: -[info] - RandomRDD sizes (40 milliseconds) -[info] - randomRDD for different distributions (1 second, 551 milliseconds) -[info] - randomVectorRDD for different distributions (1 second, 763 milliseconds) +[info] - RandomRDD sizes (50 milliseconds) +[info] - randomRDD for different distributions (2 seconds, 52 milliseconds) +[info] - randomVectorRDD for different distributions (2 seconds, 264 milliseconds) [info] NormalizerSuite: -[info] - Normalization using L1 distance (19 milliseconds) -[info] - Normalization using L2 distance (12 milliseconds) -[info] - Normalization using L^Inf distance. (14 milliseconds) +[info] - Normalization using L1 distance (85 milliseconds) +[info] - Normalization using L2 distance (31 milliseconds) +[info] - Normalization using L^Inf distance. (16 milliseconds) [info] BreezeMatrixConversionSuite: [info] - dense matrix to breeze (0 milliseconds) -[info] - dense breeze matrix to matrix (0 milliseconds) +[info] - dense breeze matrix to matrix (1 millisecond) [info] - sparse matrix to breeze (0 milliseconds) -[info] - sparse breeze matrix to sparse matrix (0 milliseconds) +[info] - sparse breeze matrix to sparse matrix (1 millisecond) [info] CoordinateMatrixSuite: -[info] - size (8 milliseconds) -[info] - empty entries (7 milliseconds) -[info] - toBreeze (4 milliseconds) -[info] - transpose (9 milliseconds) -[info] - toIndexedRowMatrix (14 milliseconds) -[info] - toRowMatrix (15 milliseconds) -[info] - toBlockMatrix (26 milliseconds) +[info] - size (9 milliseconds) +[info] - empty entries (16 milliseconds) +[info] - toBreeze (5 milliseconds) +[info] - transpose (11 milliseconds) +[info] - toIndexedRowMatrix (21 milliseconds) +[info] - toRowMatrix (17 milliseconds) +[info] - toBlockMatrix (29 milliseconds) [info] GradientDescentSuite: -[info] - Assert the loss is decreasing. (641 milliseconds) -[info] - Test the loss and gradient of first iteration with regularization. (231 milliseconds) -[info] - iteration should end with convergence tolerance (180 milliseconds) +[info] - Assert the loss is decreasing. (719 milliseconds) +[info] - Test the loss and gradient of first iteration with regularization. (275 milliseconds) +[info] - iteration should end with convergence tolerance (240 milliseconds) [info] GradientDescentClusterSuite: -[info] - task size should be small (4 seconds, 162 milliseconds) +[info] - task size should be small (6 seconds, 91 milliseconds) [info] VectorsSuite: -[info] - dense vector construction with varargs (0 milliseconds) +[info] - dense vector construction with varargs (1 millisecond) [info] - dense vector construction from a double array (0 milliseconds) [info] - sparse vector construction (0 milliseconds) -[info] - sparse vector construction with unordered elements (0 milliseconds) -[info] - sparse vector construction with mismatched indices/values array (1 millisecond) -[info] - sparse vector construction with too many indices vs size (0 milliseconds) -[info] - dense to array (1 millisecond) -[info] - dense argmax (0 milliseconds) -[info] - sparse to array (0 milliseconds) -[info] - sparse argmax (0 milliseconds) -[info] - vector equals (2 milliseconds) -[info] - vectors equals with explicit 0 (2 milliseconds) +[info] - sparse vector construction with unordered elements (1 millisecond) +[info] - sparse vector construction with mismatched indices/values array (2 milliseconds) +[info] - sparse vector construction with too many indices vs size (1 millisecond) +[info] - dense to array (0 milliseconds) +[info] - dense argmax (1 millisecond) +[info] - sparse to array (1 millisecond) +[info] - sparse argmax (1 millisecond) +[info] - vector equals (3 milliseconds) +[info] - vectors equals with explicit 0 (3 milliseconds) [info] - indexing dense vectors (0 milliseconds) -[info] - indexing sparse vectors (0 milliseconds) +[info] - indexing sparse vectors (1 millisecond) [info] - parse vectors (3 milliseconds) -[info] - zeros (0 milliseconds) +[info] - zeros (1 millisecond) [info] - Vector.copy (1 millisecond) -[info] - VectorUDT (1 millisecond) -[info] - fromBreeze (0 milliseconds) -[info] - sqdist (9 milliseconds) +[info] - VectorUDT (2 milliseconds) +[info] - fromBreeze (1 millisecond) +[info] - sqdist (17 milliseconds) [info] - foreachActive (2 milliseconds) -[info] - vector p-norm (4 milliseconds) +[info] - vector p-norm (8 milliseconds) [info] - Vector numActive and numNonzeros (1 millisecond) -[info] - Vector toSparse and toDense (1 millisecond) -[info] - Vector.compressed (0 milliseconds) -[info] - SparseVector.slice (1 millisecond) -[info] - toJson/fromJson (7 milliseconds) +[info] - Vector toSparse and toDense (2 milliseconds) +[info] - Vector.compressed (2 milliseconds) +[info] - SparseVector.slice (3 milliseconds) +[info] - toJson/fromJson (11 milliseconds) [info] PCASuite: -[info] - Correct computing use a PCA wrapper (47 milliseconds) +[info] - Correct computing use a PCA wrapper (63 milliseconds) [info] GaussianMixtureSuite: -[info] - single cluster (157 milliseconds) -[info] - two clusters (28 milliseconds) -[info] - two clusters with distributed decompositions (165 milliseconds) -[info] - single cluster with sparse data (140 milliseconds) -[info] - two clusters with sparse data (21 milliseconds) -[info] - model save / load (265 milliseconds) -[info] - model prediction, parallel and local (86 milliseconds) +[info] - single cluster (198 milliseconds) +[info] - two clusters (32 milliseconds) +[info] - two clusters with distributed decompositions (236 milliseconds) +[info] - single cluster with sparse data (170 milliseconds) +[info] - two clusters with sparse data (24 milliseconds) +[info] - model save / load (359 milliseconds) +[info] - model prediction, parallel and local (129 milliseconds) [info] LBFGSSuite: -[info] - LBFGS loss should be decreasing and match the result of Gradient Descent. (3 seconds, 298 milliseconds) -[info] - LBFGS and Gradient Descent with L2 regularization should get the same result. (3 seconds, 205 milliseconds) -[info] - The convergence criteria should work as we expect. (1 second, 193 milliseconds) -[info] - Optimize via class LBFGS. (3 seconds, 361 milliseconds) +[info] - LBFGS loss should be decreasing and match the result of Gradient Descent. (4 seconds, 134 milliseconds) +[info] - LBFGS and Gradient Descent with L2 regularization should get the same result. (4 seconds, 712 milliseconds) +[info] - The convergence criteria should work as we expect. (1 second, 636 milliseconds) +[info] - Optimize via class LBFGS. (4 seconds, 467 milliseconds) [info] LBFGSClusterSuite: -[info] - task size should be small (5 seconds, 968 milliseconds) +[info] - task size should be small (9 seconds, 869 milliseconds) [info] RegressionMetricsSuite: -[info] - regression metrics for unbiased (includes intercept term) predictor (15 milliseconds) +[info] - regression metrics for unbiased (includes intercept term) predictor (25 milliseconds) [info] - regression metrics for biased (no intercept term) predictor (9 milliseconds) -[info] - regression metrics with complete fitting (6 milliseconds) +[info] - regression metrics with complete fitting (9 milliseconds) [info] StreamingKMeansSuite: -[info] - accuracy for single center and equivalence to grand average (408 milliseconds) -[info] - accuracy for two centers (386 milliseconds) -[info] - detecting dying clusters (474 milliseconds) +[info] - accuracy for single center and equivalence to grand average (500 milliseconds) +[info] - accuracy for two centers (483 milliseconds) +[info] - detecting dying clusters (506 milliseconds) [info] - SPARK-7946 setDecayFactor (1 millisecond) [info] PythonMLLibAPISuite: [info] - pickle vector (4 milliseconds) [info] - pickle labeled point (2 milliseconds) -[info] - pickle double (0 milliseconds) -[info] - pickle matrix (0 milliseconds) -[info] - pickle rating (2 milliseconds) +[info] - pickle double (1 millisecond) +[info] - pickle matrix (1 millisecond) +[info] - pickle rating (1 millisecond) [info] SVMSuite: -[info] - SVM with threshold (1 second, 12 milliseconds) -[info] - SVM using local random SGD (904 milliseconds) -[info] - SVM local random SGD with initial weights (818 milliseconds) -[info] - SVM with invalid labels (5 seconds, 920 milliseconds) -[info] - model save/load (291 milliseconds) +[info] - SVM with threshold (1 second, 395 milliseconds) +[info] - SVM using local random SGD (1 second, 167 milliseconds) +[info] - SVM local random SGD with initial weights (1 second, 41 milliseconds) +[info] - SVM with invalid labels (8 seconds, 59 milliseconds) +[info] - model save/load (373 milliseconds) [info] SVMClusterSuite: -[info] - task size should be small in both training and prediction (4 seconds, 401 milliseconds) +[info] - task size should be small in both training and prediction (7 seconds, 268 milliseconds) [info] BisectingKMeansSuite: [info] - default values (2 milliseconds) [info] - setter/getter (4 milliseconds) -[info] - 1D data (112 milliseconds) -[info] - points are the same (18 milliseconds) -[info] - more desired clusters than points (76 milliseconds) -[info] - min divisible cluster (98 milliseconds) -[info] - larger clusters get selected first (43 milliseconds) -[info] - 2D data (129 milliseconds) +[info] - 1D data (123 milliseconds) +[info] - points are the same (24 milliseconds) +[info] - more desired clusters than points (155 milliseconds) +[info] - min divisible cluster (162 milliseconds) +[info] - larger clusters get selected first (60 milliseconds) +[info] - 2D data (152 milliseconds) [info] LDASuite: -[info] - LocalLDAModel (11 milliseconds) -[info] - running and DistributedLDAModel with default Optimizer (EM) (347 milliseconds) +[info] - LocalLDAModel (14 milliseconds) +[info] - running and DistributedLDAModel with default Optimizer (EM) (452 milliseconds) [info] - vertex indexing (2 milliseconds) -[info] - setter alias (1 millisecond) +[info] - setter alias (2 milliseconds) [info] - initializing with alpha length != k or 1 fails (2 milliseconds) -[info] - initializing with elements in alpha < 0 fails (1 millisecond) +[info] - initializing with elements in alpha < 0 fails (2 milliseconds) [info] - OnlineLDAOptimizer initialization (15 milliseconds) -[info] - OnlineLDAOptimizer one iteration (42 milliseconds) -[info] - OnlineLDAOptimizer with toy data (1 second, 397 milliseconds) -[info] - LocalLDAModel logLikelihood (20 milliseconds) -[info] - LocalLDAModel logPerplexity (10 milliseconds) -[info] - LocalLDAModel predict (30 milliseconds) -[info] - OnlineLDAOptimizer with asymmetric prior (1 second, 290 milliseconds) -[info] - OnlineLDAOptimizer alpha hyperparameter optimization (1 second, 222 milliseconds) -[info] - model save/load (796 milliseconds) -[info] - EMLDAOptimizer with empty docs (117 milliseconds) -[info] - OnlineLDAOptimizer with empty docs (55 milliseconds) +[info] - OnlineLDAOptimizer one iteration (52 milliseconds) +[info] - OnlineLDAOptimizer with toy data (1 second, 659 milliseconds) +[info] - LocalLDAModel logLikelihood (27 milliseconds) +[info] - LocalLDAModel logPerplexity (11 milliseconds) +[info] - LocalLDAModel predict (43 milliseconds) +[info] - OnlineLDAOptimizer with asymmetric prior (1 second, 542 milliseconds) +[info] - OnlineLDAOptimizer alpha hyperparameter optimization (1 second, 563 milliseconds) +[info] - model save/load (1 second, 36 milliseconds) +[info] - EMLDAOptimizer with empty docs (151 milliseconds) +[info] - OnlineLDAOptimizer with empty docs (73 milliseconds) [info] ImpuritySuite: -[info] - Gini impurity does not support negative labels (1 millisecond) +[info] - Gini impurity does not support negative labels (0 milliseconds) [info] - Entropy does not support negative labels (1 millisecond) [info] ElementwiseProductSuite: -[info] - elementwise (hadamard) product should properly apply vector to dense data set (9 milliseconds) -[info] - elementwise (hadamard) product should properly apply vector to sparse data set (13 milliseconds) +[info] - elementwise (hadamard) product should properly apply vector to dense data set (11 milliseconds) +[info] - elementwise (hadamard) product should properly apply vector to sparse data set (14 milliseconds) [info] HypothesisTestSuite: [info] - chi squared pearson goodness of fit (5 milliseconds) -[info] - chi squared pearson matrix independence (1 millisecond) -[info] - chi squared pearson RDD[LabeledPoint] (1 second, 654 milliseconds) -[info] - 1 sample Kolmogorov-Smirnov test: apache commons math3 implementation equivalence (2 seconds, 424 milliseconds) -[info] - 1 sample Kolmogorov-Smirnov test: R implementation equivalence (33 milliseconds) +[info] - chi squared pearson matrix independence (2 milliseconds) +[info] - chi squared pearson RDD[LabeledPoint] (2 seconds, 277 milliseconds) +[info] - 1 sample Kolmogorov-Smirnov test: apache commons math3 implementation equivalence (4 seconds, 12 milliseconds) +[info] - 1 sample Kolmogorov-Smirnov test: R implementation equivalence (51 milliseconds) [info] RankingMetricsSuite: -[info] - Ranking metrics: map, ndcg (64 milliseconds) +[info] - Ranking metrics: map, ndcg (69 milliseconds) [info] Test run started [info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.testPredictJavaRDD started [info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.runUsingConstructor started [info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.runUsingStaticMethods started [info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.testModelTypeSetters started -[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.21s +[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.269s [info] Test run started [info] Test org.apache.spark.mllib.classification.JavaStreamingLogisticRegressionSuite.javaAPI started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.296s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.362s [info] Test run started [info] Test org.apache.spark.mllib.fpm.JavaFPGrowthSuite.runFPGrowthSaveLoad started [info] Test org.apache.spark.mllib.fpm.JavaFPGrowthSuite.runFPGrowth started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.321s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.496s [info] Test run started [info] Test org.apache.spark.mllib.fpm.JavaPrefixSpanSuite.runPrefixSpan started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.11s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.151s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaStreamingKMeansSuite.javaAPI started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.224s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.28s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.testPredictJavaRDD started [info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.runLinearRegressionUsingStaticMethods started [info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.runLinearRegressionUsingConstructor started -[info] Test run finished: 0 failed, 0 ignored, 3 total, 1.116s +[info] Test run finished: 0 failed, 0 ignored, 3 total, 1.498s [info] Test run started [info] Test org.apache.spark.mllib.classification.JavaLogisticRegressionSuite.runLRUsingConstructor started [info] Test org.apache.spark.mllib.classification.JavaLogisticRegressionSuite.runLRUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 5.793s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 7.677s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaGaussianMixtureSuite.runGaussianMixture started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.059s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.061s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaStreamingLinearRegressionSuite.javaAPI started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.273s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.275s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.testPredictJavaRDD started [info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.runKMeansUsingConstructor started [info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.runKMeansUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 3 total, 0.501s +[info] Test run finished: 0 failed, 0 ignored, 3 total, 0.726s [info] Test run started [info] Test org.apache.spark.mllib.feature.JavaTfIdfSuite.tfIdfMinimumDocumentFrequency started [info] Test org.apache.spark.mllib.feature.JavaTfIdfSuite.tfIdf started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.763s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.893s [info] Test run started [info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.testCorr started [info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.chiSqTest started [info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.streamingTest started [info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.kolmogorovSmirnovTest started -[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.435s +[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.501s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaIsotonicRegressionSuite.testIsotonicRegressionJavaRDD started [info] Test org.apache.spark.mllib.regression.JavaIsotonicRegressionSuite.testIsotonicRegressionPredictionsJavaRDD started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.125s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.167s [info] Test run started [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runALSUsingStaticMethods started [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSUsingConstructor started @@ -841,7 +908,7 @@ SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further detail [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSWithNegativeWeight started [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSUsingStaticMethods started [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runALSUsingConstructor started -[info] Test run finished: 0 failed, 0 ignored, 6 total, 5.56s +[info] Test run finished: 0 failed, 0 ignored, 6 total, 7.752s [info] Test run started [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testNormalVectorRDD started [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testArbitrary started @@ -857,38 +924,38 @@ SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further detail [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testGammaVectorRDD started [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testExponentialRDD started [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testLNormalRDD started -[info] Test run finished: 0 failed, 0 ignored, 14 total, 0.768s +[info] Test run finished: 0 failed, 0 ignored, 14 total, 1.054s [info] Test run started [info] Test org.apache.spark.mllib.tree.JavaDecisionTreeSuite.runDTUsingStaticMethods started [info] Test org.apache.spark.mllib.tree.JavaDecisionTreeSuite.runDTUsingConstructor started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.224s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.286s [info] Test run started [info] Test org.apache.spark.mllib.linalg.JavaVectorsSuite.denseArrayConstruction started [info] Test org.apache.spark.mllib.linalg.JavaVectorsSuite.sparseArrayConstruction started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.001s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.003s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaLDASuite.onlineOptimizerCompatibility started [info] Test org.apache.spark.mllib.clustering.JavaLDASuite.distributedLDAModel started [info] Test org.apache.spark.mllib.clustering.JavaLDASuite.localLDAModel started [info] Test org.apache.spark.mllib.clustering.JavaLDASuite.localLdaMethods started -[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.532s +[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.663s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaRidgeRegressionSuite.runRidgeRegressionUsingConstructor started [info] Test org.apache.spark.mllib.regression.JavaRidgeRegressionSuite.runRidgeRegressionUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 3.217s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 4.14s [info] Test run started [info] Test org.apache.spark.mllib.classification.JavaSVMSuite.runSVMUsingConstructor started [info] Test org.apache.spark.mllib.classification.JavaSVMSuite.runSVMUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 1.959s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 2.486s [info] Test run started [info] Test org.apache.spark.mllib.feature.JavaWord2VecSuite.word2Vec started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.093s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.096s [info] Test run started [info] Test org.apache.spark.mllib.evaluation.JavaRankingMetricsSuite.rankingMetrics started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.043s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.047s [info] Test run started [info] Test org.apache.spark.mllib.fpm.JavaAssociationRulesSuite.runAssociationRules started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.035s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.042s [info] Test run started [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.zerosMatrixConstruction started [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.identityMatrixConstruction started @@ -896,22 +963,22 @@ SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further detail [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.sparseDenseConversion started [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.randMatrixConstruction started [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.diagonalMatrixConstruction started -[info] Test run finished: 0 failed, 0 ignored, 6 total, 0.004s +[info] Test run finished: 0 failed, 0 ignored, 6 total, 0.005s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaLassoSuite.runLassoUsingConstructor started [info] Test org.apache.spark.mllib.regression.JavaLassoSuite.runLassoUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 4.676s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 5.887s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaBisectingKMeansSuite.twoDimensionalData started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.124s --- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas3179948738685033231/libjblas.dylib --- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas3179948738685033231/libjblas_arch_flavor.dylib --- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas3179948738685033231 +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.161s +-- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas2572007263227157870/libjblas.dylib +-- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas2572007263227157870/libjblas_arch_flavor.dylib +-- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas2572007263227157870 [info] ScalaTest -[info] Run completed in 56 minutes, 25 seconds. +[info] Run completed in 6 minutes, 39 seconds. [info] Total number of tests run: 452 [info] Suites: completed 83, aborted 0 [info] Tests: succeeded 452, failed 0, canceled 0, ignored 0, pending 0 [info] All tests passed. [info] Passed: Total 523, Failed 0, Errors 0, Passed 523 -[success] Total time: 3402 s, completed Jan 13, 2016 9:51:42 AM +[success] Total time: 617 s, completed Jan 14, 2016 5:22:11 AM From 98a14dc785ec47dc20eeeb23c20e99270af60b94 Mon Sep 17 00:00:00 2001 From: Roy Levin Date: Fri, 15 Jan 2016 14:50:26 +0200 Subject: [PATCH 4/5] improve runtime performance of solution --- .../org/apache/spark/mllib/linalg/BLAS.scala | 89 +- .../apache/spark/mllib/linalg/BLASSuite.scala | 27 +- tests.log | 1055 ++++++++--------- 3 files changed, 552 insertions(+), 619 deletions(-) diff --git a/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala b/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala index 066b6dffcf23d..a073dd94bdc6c 100644 --- a/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala +++ b/mllib/src/main/scala/org/apache/spark/mllib/linalg/BLAS.scala @@ -38,41 +38,6 @@ private[spark] object BLAS extends Serializable with Logging { _f2jBLAS } - // equivalent to xIndices.union(yIndices).distinct.sortBy(i => i) - def unitedIndices(xSortedIndices: Array[Int], ySortedIndices: Array[Int]): Array[Int] = { - val arr = new Array[Int](xSortedIndices.length + ySortedIndices.length) - - var xj = 0 - var yj = 0 - var j = 0 - var previ = Int.MaxValue - - def getAt(arr: Array[Int], j: Int): Int = if (j < arr.length) arr(j) else Int.MaxValue - - while (xj < xSortedIndices.length || yj < ySortedIndices.length) { - val xi = getAt(xSortedIndices, xj) - val yi = getAt(ySortedIndices, yj) - - val i = if (xi <= yi) { - xj += 1 - xi - } - else { - yj += 1 - yi - } - - if (previ != i) { - arr(j) = i - j += 1 - } - - previ = i - } - - arr.slice(0, j) - } - /** * y += a * x */ @@ -153,16 +118,56 @@ private[spark] object BLAS extends Serializable with Logging { * y += a * x */ private def axpy(a: Double, x: SparseVector, y: SparseVector): Unit = { - require(x.size == y.size) + val xSortedIndices = x.indices + val xValues = x.values - val xIndices = x.indices - val yIndices = y.indices + val ySortedIndices = y.indices + val yValues = y.values + + val newIndices = new Array[Int](xSortedIndices.length + ySortedIndices.length) + val newValues = new Array[Double](xValues.length + yValues.length) + + assert(newIndices.length == newValues.length) + + var xj = 0 + var yj = 0 + var j = 0 + var previ = Int.MinValue + + def getAt(indices: Array[Int], j: Int): Int = + if (j < indices.length) indices(j) else Int.MaxValue + + while (xj < xSortedIndices.length || yj < ySortedIndices.length) { + val xi = getAt(xSortedIndices, xj) + val yi = getAt(ySortedIndices, yj) + + val (i, value) = if (xi <= yi) { + val vv = a*xValues(xj) + xj += 1 + (xi, vv) + } + else { + val vv = yValues(yj) + yj += 1 + (yi, vv) + } + + assert(i >= previ) + + if (previ != i) { + newIndices(j) = i + newValues(j) = value + j += 1 + } + else { + assert(newIndices(j - 1) == i) + newValues(j - 1) += value + } - val newIndices = unitedIndices(xIndices, yIndices) - assert(newIndices.size >= yIndices.size) + previ = i + } - val newValues = newIndices.map(i => a*x(i) + y(i)) - y.reassign(newIndices, newValues) + y.reassign(newIndices.slice(0, j), newValues.slice(0, j)) } /** Y += a * x */ diff --git a/mllib/src/test/scala/org/apache/spark/mllib/linalg/BLASSuite.scala b/mllib/src/test/scala/org/apache/spark/mllib/linalg/BLASSuite.scala index f321b87420fc0..efad470cfae7a 100644 --- a/mllib/src/test/scala/org/apache/spark/mllib/linalg/BLASSuite.scala +++ b/mllib/src/test/scala/org/apache/spark/mllib/linalg/BLASSuite.scala @@ -64,22 +64,17 @@ class BLASSuite extends SparkFunSuite { assert(dx ~== Vectors.dense(0.1, 0.0, -0.2) absTol 1e-15) } - test("unitedIndices") { - val indices1 = Array(0, 2, 4, 4, 7, 8, 15) - val indices2 = Array(4, 9, 100) - - val united = unitedIndices(indices1, indices2) - - assert(united.length == 8) - - assert(united(0) == 0) - assert(united(1) == 2) - assert(united(2) == 4) - assert(united(3) == 7) - assert(united(4) == 8) - assert(united(5) == 9) - assert(united(6) == 15) - assert(united(7) == 100) + test("axpy(a: Double, x: SparseVector, y: SparseVector)") { + val x = new SparseVector(25, Array(0, 2, 4, 7, 8, 15), Array(0.0, 2.0, 4.0, 7.0, 8.0, 15.0)) + val y = new SparseVector(25, Array(4, 9, 20), Array(4.0, 9.0, 20.0)) + + axpy(0.5, x, y) + + val expected = Vectors.sparse(25, + Array(0, 2, 4, 7, 8, 9, 15, 20), + Array(0.0, 1.0, 6.0, 3.5, 4.0, 9.0, 7.5, 20.0)) + + assert(expected ~== y absTol 1e-15) } test("axpy") { diff --git a/tests.log b/tests.log index 4df24cf33bfed..8ce65f9a630cd 100644 --- a/tests.log +++ b/tests.log @@ -6,14 +6,10 @@ Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; sup [warn] Multiple resolvers having different access mechanism configured with same name 'sbt-plugin-releases'. To avoid conflict, Remove duplicate project resolvers (`resolvers`) or rename publishing resolver (`publishTo`). [info] Loading project definition from /Users/royl/git/spark/project [info] Set current project to spark-parent (in build file:/Users/royl/git/spark/) -[info] Compiling 1 Scala source and 5 Java sources to /Users/royl/git/spark/unsafe/target/scala-2.10/test-classes... -[info] Compiling 5 Java sources to /Users/royl/git/spark/launcher/target/scala-2.10/test-classes... -[info] Compiling 1 Scala source to /Users/royl/git/spark/external/flume-sink/target/scala-2.10/test-classes... -[info] Compiling 12 Java sources to /Users/royl/git/spark/network/common/target/scala-2.10/test-classes... [info] ANTLR: Grammar file 'org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g' detected. [info] ANTLR: Grammar file 'org/apache/spark/sql/catalyst/parser/SparkSqlParser.g' detected. [info] ScalaTest -[info] Run completed in 1 second, 824 milliseconds. +[info] Run completed in 894 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 @@ -21,7 +17,7 @@ Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; sup [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for test-tags/test:testOnly [info] ScalaTest -[info] Run completed in 2 seconds, 701 milliseconds. +[info] Run completed in 952 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 @@ -29,26 +25,48 @@ Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; sup [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for spark/test:testOnly [info] ScalaTest -[info] Run completed in 33 milliseconds. +[info] Run completed in 151 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for unsafe/test:testOnly +[info] ScalaTest +[info] Run completed in 136 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for streaming-flume-sink/test:testOnly +[info] ScalaTest +[info] Run completed in 123 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for launcher/test:testOnly -[info] Compiling 10 Java sources to /Users/royl/git/spark/network/shuffle/target/scala-2.10/test-classes... [info] ScalaTest -[info] Run completed in 34 milliseconds. +[info] Run completed in 15 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for network-common/test:testOnly +[info] ScalaTest +[info] Run completed in 12 milliseconds. +[info] Total number of tests run: 0 +[info] Suites: completed 0, aborted 0 +[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 +[info] No tests were executed. +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for network-shuffle/test:testOnly [warn] /Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkEnv.scala:99: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 [warn]  actorSystem.shutdown() [warn]  -[info] Compiling 194 Scala sources and 18 Java sources to /Users/royl/git/spark/core/target/scala-2.10/test-classes... [warn] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:124: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages [warn]  var messages = g.mapReduceTriplets(sendMsg, mergeMsg) [warn]  @@ -59,31 +77,31 @@ Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; sup [warn]  protected lazy val actorSupervisor = SparkEnv.get.actorSystem.actorOf(Props(new Supervisor), [warn]  [info] ScalaTest -[info] Run completed in 94 milliseconds. +[info] Run completed in 21 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for tools/test:testOnly +[info] No tests to run for streaming-mqtt-assembly/test:testOnly +[info] ScalaTest [info] ScalaTest -[info] Run completed in 47 milliseconds. +[info] Run completed in 13 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-mqtt-assembly/test:testOnly -[info] ScalaTest -[info] Run completed in 42 milliseconds. +[info] Run completed in 14 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 +[info] No tests to run for tools/test:testOnly +[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for streaming-flume-assembly/test:testOnly [info] ScalaTest -[info] Run completed in 19 milliseconds. +[info] Run completed in 12 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 @@ -91,654 +109,569 @@ Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; sup [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 [info] No tests to run for streaming-kafka-assembly/test:testOnly [info] ScalaTest -[info] Run completed in 33 milliseconds. +[info] Run completed in 76 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for network-shuffle/test:testOnly +[info] No tests to run for core/test:testOnly [info] ScalaTest -[info] Run completed in 65 milliseconds. +[info] Run completed in 35 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-flume-sink/test:testOnly -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:388: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(5) -[warn]  -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:516: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(runs) -[warn]  -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:541: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(runs) -[warn]  -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/api/python/PythonMLLibAPI.scala:343: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(runs) -[warn]  +[info] No tests to run for streaming-twitter/test:testOnly [info] ScalaTest -[info] Run completed in 26 milliseconds. +[info] Run completed in 68 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for assembly/test:testOnly +[info] No tests to run for streaming-flume/test:testOnly [info] ScalaTest -[info] Run completed in 26 milliseconds. +[info] Run completed in 57 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for examples/test:testOnly +[info] No tests to run for streaming-mqtt/test:testOnly [info] ScalaTest -[info] Run completed in 17 milliseconds. +[info] Run completed in 42 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for unsafe/test:testOnly -[warn] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/SparkListenerSuite.scala:294: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[warn]  sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt -[warn]  ^ -[warn] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/TaskResultGetterSuite.scala:93: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[warn]  sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt -[warn]  ^ -[warn] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/TaskResultGetterSuite.scala:118: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[warn]  sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt -[warn]  ^ -[warn] three warnings found -[info] Compiling 19 Scala sources to /Users/royl/git/spark/graphx/target/scala-2.10/test-classes... -[info] Compiling 39 Scala sources and 8 Java sources to /Users/royl/git/spark/streaming/target/scala-2.10/test-classes... -[info] Compiling 1 Scala source and 2 Java sources to /Users/royl/git/spark/external/zeromq/target/scala-2.10/test-classes... -[info] Compiling 3 Scala sources and 3 Java sources to /Users/royl/git/spark/external/flume/target/scala-2.10/test-classes... -[info] Compiling 2 Scala sources and 2 Java sources to /Users/royl/git/spark/external/mqtt/target/scala-2.10/test-classes... -[info] Compiling 2 Scala sources to /Users/royl/git/spark/repl/target/scala-2.10/test-classes... -[info] Compiling 5 Scala sources and 3 Java sources to /Users/royl/git/spark/external/kafka/target/scala-2.10/test-classes... -[info] Compiling 1 Scala source and 2 Java sources to /Users/royl/git/spark/external/twitter/target/scala-2.10/test-classes... -[info] Compiling 80 Scala sources to /Users/royl/git/spark/sql/catalyst/target/scala-2.10/test-classes... +[info] No tests to run for streaming-zeromq/test:testOnly [info] ScalaTest -[info] Run completed in 161 milliseconds. +[info] Run completed in 19 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for core/test:testOnly +[info] No tests to run for graphx/test:testOnly [info] ScalaTest -[info] Run completed in 73 milliseconds. +[info] Run completed in 17 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-zeromq/test:testOnly +[info] No tests to run for streaming-kafka/test:testOnly [info] ScalaTest -[info] Run completed in 160 milliseconds. +[info] Run completed in 18 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-twitter/test:testOnly +[info] No tests to run for streaming/test:testOnly +[info] Compiling 1 Scala source to /Users/royl/git/spark/mllib/target/scala-2.10/classes... [info] ScalaTest -[info] Run completed in 85 milliseconds. +[info] Run completed in 13 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for repl/test:testOnly +[info] No tests to run for catalyst/test:testOnly [info] ScalaTest -[info] Run completed in 20 milliseconds. +[info] Run completed in 14 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-mqtt/test:testOnly +[info] No tests to run for sql/test:testOnly [info] ScalaTest -[info] Run completed in 23 milliseconds. +[info] Run completed in 15 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-flume/test:testOnly -[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:224: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[warn]  val result = graph.mapReduceTriplets[Int](et => Iterator((et.dstId, et.srcAttr)), _ + _) -[warn]  ^ -[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:289: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[warn]  val neighborDegreeSums = starDeg.mapReduceTriplets( -[warn]  ^ -[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:299: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[warn]  val numEvenNeighbors = vids.mapReduceTriplets(et => { -[warn]  ^ -[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:315: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[warn]  val numOddNeighbors = changedGraph.mapReduceTriplets(et => { -[warn]  ^ -[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:350: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[warn]  val neighborDegreeSums = reverseStarDegrees.mapReduceTriplets( -[warn]  ^ -[warn] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:423: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[warn]  val neighborAttrSums = graph.mapReduceTriplets[Int]( -[warn]  ^ +[info] No tests to run for docker-integration-tests/test:testOnly [info] ScalaTest -[info] Run completed in 23 milliseconds. +[info] Run completed in 20 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-kafka/test:testOnly -[warn] 6 warnings found +[info] No tests to run for hive/test:testOnly +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:388: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(5) +[warn]  +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:516: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(runs) +[warn]  +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:541: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(runs) +[warn]  +[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/api/python/PythonMLLibAPI.scala:343: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. +[warn]  .setRuns(runs) +[warn]  [info] ScalaTest -[info] Run completed in 28 milliseconds. +[info] Run completed in 19 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for graphx/test:testOnly -[warn] /Users/royl/git/spark/streaming/src/test/scala/org/apache/spark/streaming/DStreamClosureSuite.scala:112: method foreach in class DStream is deprecated: use foreachRDD -[warn]  expectCorrectException { ds.foreach(foreachF1) } -[warn]  ^ -[warn] /Users/royl/git/spark/streaming/src/test/scala/org/apache/spark/streaming/DStreamClosureSuite.scala:113: method foreach in class DStream is deprecated: use foreachRDD -[warn]  expectCorrectException { ds.foreach(foreachF2) } -[warn]  ^ -[warn] two warnings found -[info] Compiling 143 Scala sources and 60 Java sources to /Users/royl/git/spark/mllib/target/scala-2.10/test-classes... +[info] No tests to run for assembly/test:testOnly [info] ScalaTest -[info] Run completed in 21 milliseconds. +[info] Run completed in 20 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming/test:testOnly -[info] Compiling 117 Scala sources and 16 Java sources to /Users/royl/git/spark/sql/core/target/scala-2.10/test-classes... +[info] No tests to run for repl/test:testOnly [info] ScalaTest -[info] Run completed in 17 milliseconds. +[info] Run completed in 16 milliseconds. [info] Total number of tests run: 0 [info] Suites: completed 0, aborted 0 [info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 [info] No tests were executed. [info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for catalyst/test:testOnly -[warn] /Users/royl/git/spark/mllib/src/test/scala/org/apache/spark/mllib/fpm/FPGrowthSuite.scala:303: inferred existential type Array[(scala.collection.immutable.Set[_$2], Long)] forSome { type _$2 }, which cannot be expressed by wildcards, should be enabled -[warn] by making the implicit value scala.language.existentials visible. -[warn] This can be achieved by adding the import clause 'import scala.language.existentials' -[warn] or by setting the compiler option -language:existentials. -[warn] See the Scala docs for value scala.language.existentials for a discussion -[warn] why the feature should be explicitly enabled. -[warn]  val newFreqItemsets = newModel.freqItemsets.collect().map { itemset => -[warn]  ^ -[warn] /Users/royl/git/spark/mllib/src/test/scala/org/apache/spark/mllib/fpm/FPGrowthSuite.scala:337: inferred existential type Array[(scala.collection.immutable.Set[_$2], Long)] forSome { type _$2 }, which cannot be expressed by wildcards, should be enabled -[warn] by making the implicit value scala.language.existentials visible. -[warn]  val newFreqItemsets = newModel.freqItemsets.collect().map { itemset => -[warn]  ^ -[warn] two warnings found +[info] No tests to run for examples/test:testOnly Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=128M; support was removed in 8.0 Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=1g; support was removed in 8.0 [info] StreamingLinearRegressionSuite: -[info] Compiling 57 Scala sources and 14 Java sources to /Users/royl/git/spark/sql/hive/target/scala-2.10/test-classes... -[info] Compiling 4 Scala sources to /Users/royl/git/spark/docker-integration-tests/target/scala-2.10/test-classes... -[info] ScalaTest -[info] Run completed in 22 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for sql/test:testOnly -[info] - parameter accuracy (16 seconds, 207 milliseconds) -[info] - parameter convergence (2 seconds, 358 milliseconds) -[info] ScalaTest -[info] Run completed in 22 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for docker-integration-tests/test:testOnly -[info] - predictions (10 seconds, 444 milliseconds) -[info] - training and prediction (1 second, 899 milliseconds) -[info] - handling empty RDDs in a stream (481 milliseconds) +[info] - parameter accuracy (11 seconds, 789 milliseconds) +[info] - parameter convergence (1 second, 550 milliseconds) +[info] - predictions (310 milliseconds) +[info] - training and prediction (1 second, 316 milliseconds) +[info] - handling empty RDDs in a stream (329 milliseconds) [info] FPGrowthSuite: -[info] - FP-Growth using String type (322 milliseconds) -[info] - FP-Growth String type association rule generation (138 milliseconds) -[info] - FP-Growth using Int type (219 milliseconds) +[info] - FP-Growth using String type (214 milliseconds) +[info] - FP-Growth String type association rule generation (94 milliseconds) +[info] - FP-Growth using Int type (156 milliseconds) SLF4J: Failed to load class "org.slf4j.impl.StaticLoggerBinder". SLF4J: Defaulting to no-operation (NOP) logger implementation SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further details. -[info] - model save/load with String type (3 seconds, 266 milliseconds) -[info] - model save/load with Int type (581 milliseconds) +[info] - model save/load with String type (2 seconds, 444 milliseconds) +[info] - model save/load with Int type (312 milliseconds) [info] BinaryClassificationMetricsSuite: -[info] - binary evaluation metrics (206 milliseconds) -[info] - binary evaluation metrics for RDD where all examples have positive label (151 milliseconds) -[info] - binary evaluation metrics for RDD where all examples have negative label (122 milliseconds) -[info] - binary evaluation metrics with downsampling (77 milliseconds) +[info] - binary evaluation metrics (169 milliseconds) +[info] - binary evaluation metrics for RDD where all examples have positive label (95 milliseconds) +[info] - binary evaluation metrics for RDD where all examples have negative label (96 milliseconds) +[info] - binary evaluation metrics with downsampling (55 milliseconds) [info] LinearRegressionSuite: -[info] - linear regression (517 milliseconds) -[info] - linear regression without intercept (481 milliseconds) -[info] - sparse linear regression without intercept (1 second, 547 milliseconds) -[info] - model save/load (402 milliseconds) +[info] - linear regression (385 milliseconds) +[info] - linear regression without intercept (386 milliseconds) +[info] - sparse linear regression without intercept (996 milliseconds) +[info] - model save/load (266 milliseconds) [info] LinearRegressionClusterSuite: -[info] - task size should be small in both training and prediction (10 seconds, 275 milliseconds) +[info] - task size should be small in both training and prediction (4 seconds, 627 milliseconds) [info] HashingTFSuite: -[info] - hashing tf on a single doc (6 milliseconds) -[info] - hashing tf on an RDD (16 milliseconds) +[info] - hashing tf on a single doc (4 milliseconds) +[info] - hashing tf on an RDD (10 milliseconds) [info] PeriodicRDDCheckpointerSuite: -[info] - Persisting (13 milliseconds) -[info] - Checkpointing (320 milliseconds) +[info] - Persisting (8 milliseconds) +[info] - Checkpointing (150 milliseconds) [info] KernelDensitySuite: -[info] - kernel density single sample (58 milliseconds) -[info] - kernel density multiple samples (7 milliseconds) +[info] - kernel density single sample (32 milliseconds) +[info] - kernel density multiple samples (4 milliseconds) [info] PrefixSpanSuite: -[info] - PrefixSpan internal (integer seq, 0 delim) run, singleton itemsets (231 milliseconds) -[info] - PrefixSpan internal (integer seq, -1 delim) run, variable-size itemsets (49 milliseconds) -[info] - PrefixSpan projections with multiple partial starts (93 milliseconds) -[info] - PrefixSpan Integer type, variable-size itemsets (74 milliseconds) -[info] - PrefixSpan String type, variable-size itemsets (94 milliseconds) +[info] - PrefixSpan internal (integer seq, 0 delim) run, singleton itemsets (149 milliseconds) +[info] - PrefixSpan internal (integer seq, -1 delim) run, variable-size itemsets (36 milliseconds) +[info] - PrefixSpan projections with multiple partial starts (59 milliseconds) +[info] - PrefixSpan Integer type, variable-size itemsets (47 milliseconds) +[info] - PrefixSpan String type, variable-size itemsets (57 milliseconds) [info] StreamingTestSuite: -[info] ScalaTest -[info] Run completed in 15 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for hive/test:testOnly -[info] - accuracy for null hypothesis using welch t-test (10 seconds, 707 milliseconds) -[info] - accuracy for alternative hypothesis using welch t-test (288 milliseconds) -[info] - accuracy for null hypothesis using student t-test (308 milliseconds) -[info] - accuracy for alternative hypothesis using student t-test (297 milliseconds) -[info] - batches within same test window are grouped (346 milliseconds) -[info] - entries in peace period are dropped (10 seconds, 298 milliseconds) -[info] - null hypothesis when only data from one group is present (294 milliseconds) +[info] - accuracy for null hypothesis using welch t-test (407 milliseconds) +[info] - accuracy for alternative hypothesis using welch t-test (277 milliseconds) +[info] - accuracy for null hypothesis using student t-test (282 milliseconds) +[info] - accuracy for alternative hypothesis using student t-test (284 milliseconds) +[info] - batches within same test window are grouped (342 milliseconds) +[info] - entries in peace period are dropped (10 seconds, 247 milliseconds) +[info] - null hypothesis when only data from one group is present (265 milliseconds) [info] BinaryClassificationPMMLModelExportSuite: -[info] - logistic regression PMML export (28 milliseconds) +[info] - logistic regression PMML export (26 milliseconds) [info] - linear SVM PMML export (1 millisecond) [info] RidgeRegressionSuite: -[info] - ridge regression can help avoid overfitting (2 seconds, 397 milliseconds) -[info] - model save/load (208 milliseconds) +[info] - ridge regression can help avoid overfitting (1 second, 778 milliseconds) +[info] - model save/load (163 milliseconds) [info] RidgeRegressionClusterSuite: -[info] - task size should be small in both training and prediction (7 seconds, 128 milliseconds) +[info] - task size should be small in both training and prediction (4 seconds, 502 milliseconds) [info] GradientBoostedTreesSuite: -[info] - Regression with continuous features: SquaredError (5 seconds, 878 milliseconds) -[info] - Regression with continuous features: Absolute Error (5 seconds, 481 milliseconds) -[info] - Binary classification with continuous features: Log Loss (5 seconds, 314 milliseconds) +[info] - Regression with continuous features: SquaredError (4 seconds, 179 milliseconds) +[info] - Regression with continuous features: Absolute Error (3 seconds, 728 milliseconds) +[info] - Binary classification with continuous features: Log Loss (3 seconds, 804 milliseconds) [info] - SPARK-5496: BoostingStrategy.defaultParams should recognize Classification (1 millisecond) -[info] - model save/load (857 milliseconds) -[info] - runWithValidation stops early and performs better on a validation dataset (12 seconds, 298 milliseconds) -[info] - Checkpointing (652 milliseconds) +[info] - model save/load (586 milliseconds) +[info] - runWithValidation stops early and performs better on a validation dataset (8 seconds, 388 milliseconds) +[info] - Checkpointing (454 milliseconds) [info] MatrixFactorizationModelSuite: -[info] - constructor (71 milliseconds) -[info] - save/load (481 milliseconds) -[info] - batch predict API recommendProductsForUsers (87 milliseconds) -[info] - batch predict API recommendUsersForProducts (39 milliseconds) +[info] - constructor (48 milliseconds) +[info] - save/load (402 milliseconds) +[info] - batch predict API recommendProductsForUsers (65 milliseconds) +[info] - batch predict API recommendUsersForProducts (27 milliseconds) [info] Word2VecSuite: -[info] - Word2Vec (151 milliseconds) -[info] - Word2Vec throws exception when vocabulary is empty (18 milliseconds) +[info] - Word2Vec (109 milliseconds) +[info] - Word2Vec throws exception when vocabulary is empty (13 milliseconds) [info] - Word2VecModel (1 millisecond) -[info] - model load / save (284 milliseconds) -[info] - big model load / save (6 seconds, 307 milliseconds) +[info] - model load / save (198 milliseconds) +[info] - big model load / save (4 seconds, 384 milliseconds) [info] TestingUtilsSuite: -[info] - Comparing doubles using relative error. (15 milliseconds) -[info] - Comparing doubles using absolute error. (4 milliseconds) -[info] - Comparing vectors using relative error. (13 milliseconds) -[info] - Comparing vectors using absolute error. (9 milliseconds) +[info] - Comparing doubles using relative error. (13 milliseconds) +[info] - Comparing doubles using absolute error. (2 milliseconds) +[info] - Comparing vectors using relative error. (6 milliseconds) +[info] - Comparing vectors using absolute error. (3 milliseconds) [info] MultivariateOnlineSummarizerSuite: -[info] - basic error handing (40 milliseconds) -[info] - dense vector input (2 milliseconds) -[info] - sparse vector input (1 millisecond) -[info] - mixing dense and sparse vector input (2 milliseconds) -[info] - merging two summarizers (2 milliseconds) -[info] - merging summarizer with empty summarizer (1 millisecond) +[info] - basic error handing (24 milliseconds) +[info] - dense vector input (0 milliseconds) +[info] - sparse vector input (0 milliseconds) +[info] - mixing dense and sparse vector input (0 milliseconds) +[info] - merging two summarizers (1 millisecond) +[info] - merging summarizer with empty summarizer (0 milliseconds) [info] - merging summarizer when one side has zero mean (SPARK-4355) (1 millisecond) -[info] - merging summarizer with weighted samples (4 milliseconds) +[info] - merging summarizer with weighted samples (1 millisecond) [info] ChiSqSelectorSuite: -[info] - ChiSqSelector transform test (sparse & dense vector) (87 milliseconds) -[info] - model load / save (233 milliseconds) +[info] - ChiSqSelector transform test (sparse & dense vector) (57 milliseconds) +[info] - model load / save (171 milliseconds) [info] RowMatrixSuite: -[info] - size (22 milliseconds) -[info] - empty rows (9 milliseconds) -[info] - toBreeze (11 milliseconds) -[info] - gram (22 milliseconds) -[info] - similar columns (160 milliseconds) -[info] - svd of a full-rank matrix (1 second, 70 milliseconds) -[info] - svd of a low-rank matrix (62 milliseconds) -[info] - validate k in svd (2 milliseconds) -[info] - pca (157 milliseconds) -[info] - multiply a local matrix (29 milliseconds) -[info] - compute column summary statistics (18 milliseconds) -[info] - QR Decomposition (169 milliseconds) -[info] - compute covariance (66 milliseconds) -[info] - covariance matrix is symmetric (SPARK-10875) (37 milliseconds) +[info] - size (14 milliseconds) +[info] - empty rows (6 milliseconds) +[info] - toBreeze (9 milliseconds) +[info] - gram (18 milliseconds) +[info] - similar columns (111 milliseconds) +[info] - svd of a full-rank matrix (640 milliseconds) +[info] - svd of a low-rank matrix (36 milliseconds) +[info] - validate k in svd (1 millisecond) +[info] - pca (100 milliseconds) +[info] - multiply a local matrix (11 milliseconds) +[info] - compute column summary statistics (10 milliseconds) +[info] - QR Decomposition (102 milliseconds) +[info] - compute covariance (43 milliseconds) +[info] - covariance matrix is symmetric (SPARK-10875) (27 milliseconds) [info] RowMatrixClusterSuite: -[info] - task size should be small in svd (8 seconds, 633 milliseconds) -[info] - task size should be small in summarize (295 milliseconds) +[info] - task size should be small in svd (4 seconds, 805 milliseconds) +[info] - task size should be small in summarize (204 milliseconds) [info] LassoSuite: -[info] - Lasso local random SGD (668 milliseconds) -[info] - Lasso local random SGD with initial weights (598 milliseconds) -[info] - model save/load (206 milliseconds) +[info] - Lasso local random SGD (453 milliseconds) +[info] - Lasso local random SGD with initial weights (444 milliseconds) +[info] - model save/load (145 milliseconds) [info] LassoClusterSuite: -[info] - task size should be small in both training and prediction (7 seconds, 207 milliseconds) +[info] - task size should be small in both training and prediction (4 seconds, 503 milliseconds) [info] NaiveBayesSuite: [info] - model types (1 millisecond) -[info] - get, set params (2 milliseconds) -[info] - Naive Bayes Multinomial (294 milliseconds) -[info] - Naive Bayes Bernoulli (601 milliseconds) -[info] - detect negative values (68 milliseconds) -[info] - detect non zero or one values in Bernoulli (39 milliseconds) -[info] - model save/load: 2.0 to 2.0 (492 milliseconds) -[info] - model save/load: 1.0 to 2.0 (263 milliseconds) +[info] - get, set params (1 millisecond) +[info] - Naive Bayes Multinomial (176 milliseconds) +[info] - Naive Bayes Bernoulli (342 milliseconds) +[info] - detect negative values (53 milliseconds) +[info] - detect non zero or one values in Bernoulli (26 milliseconds) +[info] - model save/load: 2.0 to 2.0 (353 milliseconds) +[info] - model save/load: 1.0 to 2.0 (174 milliseconds) [info] NaiveBayesClusterSuite: -[info] - task size should be small in both training and prediction (5 seconds, 964 milliseconds) +[info] - task size should be small in both training and prediction (3 seconds, 511 milliseconds) [info] LabeledPointSuite: -[info] - parse labeled points (4 milliseconds) +[info] - parse labeled points (3 milliseconds) [info] - parse labeled points with whitespaces (0 milliseconds) -[info] - parse labeled points with v0.9 format (1 millisecond) +[info] - parse labeled points with v0.9 format (2 milliseconds) [info] MultilabelMetricsSuite: -[info] - Multilabel evaluation metrics (142 milliseconds) +[info] - Multilabel evaluation metrics (112 milliseconds) [info] BreezeVectorConversionSuite: [info] - dense to breeze (0 milliseconds) -[info] - sparse to breeze (0 milliseconds) +[info] - sparse to breeze (1 millisecond) [info] - dense breeze to vector (0 milliseconds) -[info] - sparse breeze to vector (1 millisecond) +[info] - sparse breeze to vector (0 milliseconds) [info] - sparse breeze with partially-used arrays to vector (0 milliseconds) [info] DecisionTreeSuite: -[info] - Binary classification with continuous features: split and bin calculation (62 milliseconds) -[info] - Binary classification with binary (ordered) categorical features: split and bin calculation (32 milliseconds) -[info] - Binary classification with 3-ary (ordered) categorical features, with no samples for one category (27 milliseconds) -[info] - extract categories from a number for multiclass classification (1 millisecond) -[info] - find splits for a continuous feature (376 milliseconds) -[info] - Multiclass classification with unordered categorical features: split and bin calculations (32 milliseconds) -[info] - Multiclass classification with ordered categorical features: split and bin calculations (47 milliseconds) -[info] - Avoid aggregation on the last level (63 milliseconds) -[info] - Avoid aggregation if impurity is 0.0 (54 milliseconds) -[info] - Second level node building with vs. without groups (261 milliseconds) -[info] - Binary classification stump with ordered categorical features (83 milliseconds) -[info] - Regression stump with 3-ary (ordered) categorical features (89 milliseconds) -[info] - Regression stump with binary (ordered) categorical features (110 milliseconds) -[info] - Binary classification stump with fixed label 0 for Gini (150 milliseconds) -[info] - Binary classification stump with fixed label 1 for Gini (165 milliseconds) -[info] - Binary classification stump with fixed label 0 for Entropy (130 milliseconds) -[info] - Binary classification stump with fixed label 1 for Entropy (124 milliseconds) -[info] - Multiclass classification stump with 3-ary (unordered) categorical features (139 milliseconds) -[info] - Binary classification stump with 1 continuous feature, to check off-by-1 error (49 milliseconds) -[info] - Binary classification stump with 2 continuous features (50 milliseconds) -[info] - Multiclass classification stump with unordered categorical features, with just enough bins (139 milliseconds) -[info] - Multiclass classification stump with continuous features (213 milliseconds) -[info] - Multiclass classification stump with continuous + unordered categorical features (222 milliseconds) -[info] - Multiclass classification stump with 10-ary (ordered) categorical features (155 milliseconds) -[info] - Multiclass classification tree with 10-ary (ordered) categorical features, with just enough bins (146 milliseconds) -[info] - split must satisfy min instances per node requirements (55 milliseconds) -[info] - do not choose split that does not satisfy min instance per node requirements (56 milliseconds) -[info] - split must satisfy min info gain requirements (54 milliseconds) +[info] - Binary classification with continuous features: split and bin calculation (43 milliseconds) +[info] - Binary classification with binary (ordered) categorical features: split and bin calculation (20 milliseconds) +[info] - Binary classification with 3-ary (ordered) categorical features, with no samples for one category (17 milliseconds) +[info] - extract categories from a number for multiclass classification (0 milliseconds) +[info] - find splits for a continuous feature (271 milliseconds) +[info] - Multiclass classification with unordered categorical features: split and bin calculations (21 milliseconds) +[info] - Multiclass classification with ordered categorical features: split and bin calculations (31 milliseconds) +[info] - Avoid aggregation on the last level (43 milliseconds) +[info] - Avoid aggregation if impurity is 0.0 (36 milliseconds) +[info] - Second level node building with vs. without groups (182 milliseconds) +[info] - Binary classification stump with ordered categorical features (61 milliseconds) +[info] - Regression stump with 3-ary (ordered) categorical features (52 milliseconds) +[info] - Regression stump with binary (ordered) categorical features (58 milliseconds) +[info] - Binary classification stump with fixed label 0 for Gini (97 milliseconds) +[info] - Binary classification stump with fixed label 1 for Gini (110 milliseconds) +[info] - Binary classification stump with fixed label 0 for Entropy (88 milliseconds) +[info] - Binary classification stump with fixed label 1 for Entropy (91 milliseconds) +[info] - Multiclass classification stump with 3-ary (unordered) categorical features (93 milliseconds) +[info] - Binary classification stump with 1 continuous feature, to check off-by-1 error (35 milliseconds) +[info] - Binary classification stump with 2 continuous features (42 milliseconds) +[info] - Multiclass classification stump with unordered categorical features, with just enough bins (89 milliseconds) +[info] - Multiclass classification stump with continuous features (167 milliseconds) +[info] - Multiclass classification stump with continuous + unordered categorical features (162 milliseconds) +[info] - Multiclass classification stump with 10-ary (ordered) categorical features (110 milliseconds) +[info] - Multiclass classification tree with 10-ary (ordered) categorical features, with just enough bins (83 milliseconds) +[info] - split must satisfy min instances per node requirements (39 milliseconds) +[info] - do not choose split that does not satisfy min instance per node requirements (34 milliseconds) +[info] - split must satisfy min info gain requirements (36 milliseconds) [info] - Node.subtreeIterator (1 millisecond) -[info] - model save/load (668 milliseconds) +[info] - model save/load (391 milliseconds) [info] ALSSuite: -[info] - rank-1 matrices (1 second, 92 milliseconds) -[info] - rank-1 matrices bulk (1 second, 18 milliseconds) -[info] - rank-2 matrices (969 milliseconds) -[info] - rank-2 matrices bulk (1 second, 199 milliseconds) -[info] - rank-1 matrices implicit (1 second, 392 milliseconds) -[info] - rank-1 matrices implicit bulk (1 second, 540 milliseconds) -[info] - rank-2 matrices implicit (1 second, 397 milliseconds) -[info] - rank-2 matrices implicit bulk (1 second, 570 milliseconds) -[info] - rank-2 matrices implicit negative (1 second, 321 milliseconds) -[info] - rank-2 matrices with different user and product blocks (976 milliseconds) -[info] - pseudorandomness (463 milliseconds) -[info] - Storage Level for RDDs in model (296 milliseconds) -[info] - negative ids (804 milliseconds) -[info] - NNALS, rank 2 (950 milliseconds) +[info] - rank-1 matrices (750 milliseconds) +[info] - rank-1 matrices bulk (688 milliseconds) +[info] - rank-2 matrices (690 milliseconds) +[info] - rank-2 matrices bulk (794 milliseconds) +[info] - rank-1 matrices implicit (928 milliseconds) +[info] - rank-1 matrices implicit bulk (1 second, 12 milliseconds) +[info] - rank-2 matrices implicit (904 milliseconds) +[info] - rank-2 matrices implicit bulk (1 second, 119 milliseconds) +[info] - rank-2 matrices implicit negative (901 milliseconds) +[info] - rank-2 matrices with different user and product blocks (693 milliseconds) +[info] - pseudorandomness (342 milliseconds) +[info] - Storage Level for RDDs in model (203 milliseconds) +[info] - negative ids (589 milliseconds) +[info] - NNALS, rank 2 (653 milliseconds) [info] BaggedPointSuite: -[info] - BaggedPoint RDD: without subsampling (24 milliseconds) -[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 1.0) (145 milliseconds) -[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 0.5) (116 milliseconds) -[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 1.0) (69 milliseconds) -[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 0.5) (75 milliseconds) +[info] - BaggedPoint RDD: without subsampling (14 milliseconds) +[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 1.0) (109 milliseconds) +[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 0.5) (72 milliseconds) +[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 1.0) (62 milliseconds) +[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 0.5) (57 milliseconds) [info] PMMLModelExportFactorySuite: -[info] - PMMLModelExportFactory create KMeansPMMLModelExport when passing a KMeansModel (11 milliseconds) -[info] - PMMLModelExportFactory create GeneralizedLinearPMMLModelExport when passing a LinearRegressionModel, RidgeRegressionModel or LassoModel (2 milliseconds) -[info] - PMMLModelExportFactory create BinaryClassificationPMMLModelExport when passing a LogisticRegressionModel or SVMModel (1 millisecond) +[info] - PMMLModelExportFactory create KMeansPMMLModelExport when passing a KMeansModel (8 milliseconds) +[info] - PMMLModelExportFactory create GeneralizedLinearPMMLModelExport when passing a LinearRegressionModel, RidgeRegressionModel or LassoModel (1 millisecond) +[info] - PMMLModelExportFactory create BinaryClassificationPMMLModelExport when passing a LogisticRegressionModel or SVMModel (0 milliseconds) [info] - PMMLModelExportFactory throw IllegalArgumentException when passing a Multinomial Logistic Regression (1 millisecond) -[info] - PMMLModelExportFactory throw IllegalArgumentException when passing an unsupported model (0 milliseconds) +[info] - PMMLModelExportFactory throw IllegalArgumentException when passing an unsupported model (1 millisecond) [info] RandomForestSuite: -[info] - Binary classification with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (857 milliseconds) -[info] - Binary classification with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (893 milliseconds) -[info] - Regression with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (662 milliseconds) -[info] - Regression with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (626 milliseconds) -[info] - Binary classification with continuous features: subsampling features (493 milliseconds) -[info] - Binary classification with continuous features and node Id cache: subsampling features (451 milliseconds) -[info] - alternating categorical and continuous features with multiclass labels to test indexing (69 milliseconds) -[info] - subsampling rate in RandomForest (173 milliseconds) -[info] - model save/load (532 milliseconds) +[info] - Binary classification with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (601 milliseconds) +[info] - Binary classification with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (649 milliseconds) +[info] - Regression with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (447 milliseconds) +[info] - Regression with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (461 milliseconds) +[info] - Binary classification with continuous features: subsampling features (367 milliseconds) +[info] - Binary classification with continuous features and node Id cache: subsampling features (344 milliseconds) +[info] - alternating categorical and continuous features with multiclass labels to test indexing (50 milliseconds) +[info] - subsampling rate in RandomForest (128 milliseconds) +[info] - model save/load (352 milliseconds) [info] KMeansPMMLModelExportSuite: -[info] - KMeansPMMLModelExport generate PMML format (1 millisecond) +[info] - KMeansPMMLModelExport generate PMML format (0 milliseconds) [info] RDDFunctionsSuite: -[info] - sliding (1 second, 651 milliseconds) -[info] - sliding with empty partitions (22 milliseconds) +[info] - sliding (1 second, 120 milliseconds) +[info] - sliding with empty partitions (12 milliseconds) [info] KMeansSuite: -[info] - single cluster (1 second, 932 milliseconds) -[info] - no distinct points (287 milliseconds) -[info] - more clusters than points (304 milliseconds) -[info] - deterministic initialization (1 second, 371 milliseconds) -[info] - single cluster with big dataset (2 seconds, 318 milliseconds) -[info] - single cluster with sparse data (3 seconds, 261 milliseconds) -[info] - k-means|| initialization (844 milliseconds) -[info] - two clusters (426 milliseconds) -[info] - model save/load (541 milliseconds) -[info] - Initialize using given cluster centers (8 milliseconds) +[info] - single cluster (1 second, 328 milliseconds) +[info] - no distinct points (203 milliseconds) +[info] - more clusters than points (194 milliseconds) +[info] - deterministic initialization (967 milliseconds) +[info] - single cluster with big dataset (1 second, 523 milliseconds) +[info] - single cluster with sparse data (2 seconds, 160 milliseconds) +[info] - k-means|| initialization (601 milliseconds) +[info] - two clusters (324 milliseconds) +[info] - model save/load (340 milliseconds) +[info] - Initialize using given cluster centers (6 milliseconds) [info] KMeansClusterSuite: -[info] - task size should be small in both training and prediction (14 seconds, 531 milliseconds) +[info] - task size should be small in both training and prediction (10 seconds, 776 milliseconds) [info] StandardScalerSuite: -[info] - Standardization with dense input when means and stds are provided (117 milliseconds) -[info] - Standardization with dense input (88 milliseconds) -[info] - Standardization with sparse input when means and stds are provided (45 milliseconds) -[info] - Standardization with sparse input (49 milliseconds) -[info] - Standardization with constant input when means and stds are provided (20 milliseconds) -[info] - Standardization with constant input (18 milliseconds) -[info] - StandardScalerModel argument nulls are properly handled (4 milliseconds) +[info] - Standardization with dense input when means and stds are provided (80 milliseconds) +[info] - Standardization with dense input (71 milliseconds) +[info] - Standardization with sparse input when means and stds are provided (33 milliseconds) +[info] - Standardization with sparse input (32 milliseconds) +[info] - Standardization with constant input when means and stds are provided (16 milliseconds) +[info] - Standardization with constant input (16 milliseconds) +[info] - StandardScalerModel argument nulls are properly handled (7 milliseconds) [info] StreamingLogisticRegressionSuite: -[info] - parameter accuracy (2 seconds, 927 milliseconds) -[info] - parameter convergence (2 seconds, 681 milliseconds) -[info] - predictions (285 milliseconds) -[info] - training and prediction (1 second, 166 milliseconds) -[info] - handling empty RDDs in a stream (367 milliseconds) +[info] - parameter accuracy (2 seconds, 325 milliseconds) +[info] - parameter convergence (2 seconds, 199 milliseconds) +[info] - predictions (266 milliseconds) +[info] - training and prediction (913 milliseconds) +[info] - handling empty RDDs in a stream (309 milliseconds) [info] MultivariateGaussianSuite: -[info] - univariate (40 milliseconds) -[info] - multivariate (5 milliseconds) +[info] - univariate (25 milliseconds) +[info] - multivariate (4 milliseconds) [info] - multivariate degenerate (0 milliseconds) [info] - SPARK-11302 (2 milliseconds) [info] AssociationRulesSuite: -[info] - association rules using String type (51 milliseconds) +[info] - association rules using String type (34 milliseconds) [info] RandomDataGeneratorSuite: -[info] - UniformGenerator (42 milliseconds) -[info] - StandardNormalGenerator (59 milliseconds) -[info] - LogNormalGenerator (300 milliseconds) -[info] - PoissonGenerator (2 seconds, 200 milliseconds) -[info] - ExponentialGenerator (368 milliseconds) -[info] - GammaGenerator (551 milliseconds) -[info] - WeibullGenerator (645 milliseconds) +[info] - UniformGenerator (32 milliseconds) +[info] - StandardNormalGenerator (53 milliseconds) +[info] - LogNormalGenerator (257 milliseconds) +[info] - PoissonGenerator (2 seconds, 338 milliseconds) +[info] - ExponentialGenerator (318 milliseconds) +[info] - GammaGenerator (395 milliseconds) +[info] - WeibullGenerator (596 milliseconds) [info] MLUtilsSuite: -[info] - epsilon computation (0 milliseconds) -[info] - fast squared distance (11 milliseconds) -[info] - loadLibSVMFile (96 milliseconds) -[info] - loadLibSVMFile throws IllegalArgumentException when indices is zero-based (26 milliseconds) -[info] - loadLibSVMFile throws IllegalArgumentException when indices is not in ascending order (26 milliseconds) -[info] - saveAsLibSVMFile (46 milliseconds) +[info] - epsilon computation (1 millisecond) +[info] - fast squared distance (8 milliseconds) +[info] - loadLibSVMFile (78 milliseconds) +[info] - loadLibSVMFile throws IllegalArgumentException when indices is zero-based (21 milliseconds) +[info] - loadLibSVMFile throws IllegalArgumentException when indices is not in ascending order (20 milliseconds) +[info] - saveAsLibSVMFile (37 milliseconds) [info] - appendBias (0 milliseconds) -[info] - kFold (4 seconds, 423 milliseconds) -[info] - loadVectors (74 milliseconds) -[info] - loadLabeledPoints (83 milliseconds) +[info] - kFold (3 seconds, 432 milliseconds) +[info] - loadVectors (63 milliseconds) +[info] - loadLabeledPoints (57 milliseconds) [info] - log1pExp (0 milliseconds) [info] BlockMatrixSuite: -[info] - size (1 millisecond) -[info] - grid partitioner (10 milliseconds) -[info] - toCoordinateMatrix (18 milliseconds) -[info] - toIndexedRowMatrix (35 milliseconds) -[info] - toBreeze and toLocalMatrix (15 milliseconds) -[info] - add (183 milliseconds) -[info] - multiply (287 milliseconds) -[info] - simulate multiply (18 milliseconds) -[info] - validate (134 milliseconds) -[info] - transpose (33 milliseconds) +[info] - size (0 milliseconds) +[info] - grid partitioner (9 milliseconds) +[info] - toCoordinateMatrix (14 milliseconds) +[info] - toIndexedRowMatrix (28 milliseconds) +[info] - toBreeze and toLocalMatrix (10 milliseconds) +[info] - add (131 milliseconds) +[info] - multiply (232 milliseconds) +[info] - simulate multiply (14 milliseconds) +[info] - validate (116 milliseconds) +[info] - transpose (25 milliseconds) [info] NNLSSuite: -[info] - NNLS: exact solution cases (21 milliseconds) +[info] - NNLS: exact solution cases (20 milliseconds) [info] - NNLS: nonnegativity constraint active (1 millisecond) -[info] - NNLS: objective value test (0 milliseconds) +[info] - NNLS: objective value test (1 millisecond) [info] MatricesSuite: [info] - dense matrix construction (0 milliseconds) -[info] - dense matrix construction with wrong dimension (1 millisecond) -[info] - sparse matrix construction (8 milliseconds) +[info] - dense matrix construction with wrong dimension (3 milliseconds) +[info] - sparse matrix construction (6 milliseconds) [info] - sparse matrix construction with wrong number of elements (2 milliseconds) [info] - index in matrices incorrect input (4 milliseconds) -[info] - equals (34 milliseconds) +[info] - equals (20 milliseconds) [info] - matrix copies are deep copies (0 milliseconds) [info] - matrix indexing and updating (0 milliseconds) [info] - toSparse, toDense (0 milliseconds) -[info] - map, update (2 milliseconds) +[info] - map, update (3 milliseconds) [info] - transpose (0 milliseconds) [info] - foreachActive (2 milliseconds) -[info] - horzcat, vertcat, eye, speye (11 milliseconds) +[info] - horzcat, vertcat, eye, speye (9 milliseconds) [info] - zeros (1 millisecond) [info] - ones (1 millisecond) [info] - eye (0 milliseconds) -[info] - rand (209 milliseconds) -[info] - randn (2 milliseconds) -[info] - diag (1 millisecond) -[info] - sprand (11 milliseconds) +[info] - rand (147 milliseconds) +[info] - randn (3 milliseconds) +[info] - diag (0 milliseconds) +[info] - sprand (10 milliseconds) [info] - sprandn (2 milliseconds) -[info] - MatrixUDT (5 milliseconds) +[info] - MatrixUDT (7 milliseconds) [info] - toString (3 milliseconds) -[info] - numNonzeros and numActives (2 milliseconds) +[info] - numNonzeros and numActives (1 millisecond) [info] MLPairRDDFunctionsSuite: -[info] - topByKey (25 milliseconds) +[info] - topByKey (12 milliseconds) [info] IDFSuite: -[info] - idf (25 milliseconds) -[info] - idf minimum document frequency filtering (11 milliseconds) +[info] - idf (37 milliseconds) +[info] - idf minimum document frequency filtering (15 milliseconds) [info] IndexedRowMatrixSuite: -[info] - size (16 milliseconds) -[info] - empty rows (7 milliseconds) -[info] - toBreeze (12 milliseconds) -[info] - toRowMatrix (15 milliseconds) -[info] - toCoordinateMatrix (22 milliseconds) -[info] - toBlockMatrix (43 milliseconds) -[info] - multiply a local matrix (35 milliseconds) -[info] - gram (19 milliseconds) -[info] - svd (47 milliseconds) -[info] - validate matrix sizes of svd (17 milliseconds) -[info] - validate k in svd (4 milliseconds) +[info] - size (15 milliseconds) +[info] - empty rows (8 milliseconds) +[info] - toBreeze (10 milliseconds) +[info] - toRowMatrix (11 milliseconds) +[info] - toCoordinateMatrix (17 milliseconds) +[info] - toBlockMatrix (30 milliseconds) +[info] - multiply a local matrix (26 milliseconds) +[info] - gram (8 milliseconds) +[info] - svd (40 milliseconds) +[info] - validate matrix sizes of svd (13 milliseconds) +[info] - validate k in svd (3 milliseconds) [info] - similar columns (30 milliseconds) [info] CorrelationSuite: -[info] - corr(x, y) pearson, 1 value in data (106 milliseconds) -[info] - corr(x, y) default, pearson (160 milliseconds) -[info] - corr(x, y) spearman (272 milliseconds) -[info] - corr(X) default, pearson (33 milliseconds) -[info] - corr(X) spearman (40 milliseconds) -[info] - method identification (1 millisecond) +[info] - corr(x, y) pearson, 1 value in data (76 milliseconds) +[info] - corr(x, y) default, pearson (97 milliseconds) +[info] - corr(x, y) spearman (209 milliseconds) +[info] - corr(X) default, pearson (22 milliseconds) +[info] - corr(X) spearman (33 milliseconds) +[info] - method identification (0 milliseconds) [info] FPTreeSuite: [info] - add transaction (1 millisecond) [info] - merge tree (0 milliseconds) [info] - extract freq itemsets (0 milliseconds) [info] LogisticRegressionSuite: -[info] - logistic regression with SGD (786 milliseconds) -[info] - logistic regression with LBFGS (944 milliseconds) -[info] - logistic regression with initial weights with SGD (920 milliseconds) -[info] - logistic regression with initial weights and non-default regularization parameter (664 milliseconds) -[info] - logistic regression with initial weights with LBFGS (924 milliseconds) -[info] - numerical stability of scaling features using logistic regression with LBFGS (4 seconds, 978 milliseconds) -[info] - multinomial logistic regression with LBFGS (38 seconds, 450 milliseconds) -[info] - model save/load: binary classification (394 milliseconds) -[info] - model save/load: multiclass classification (191 milliseconds) +[info] - logistic regression with SGD (678 milliseconds) +[info] - logistic regression with LBFGS (692 milliseconds) +[info] - logistic regression with initial weights with SGD (670 milliseconds) +[info] - logistic regression with initial weights and non-default regularization parameter (519 milliseconds) +[info] - logistic regression with initial weights with LBFGS (586 milliseconds) +[info] - numerical stability of scaling features using logistic regression with LBFGS (3 seconds, 820 milliseconds) +[info] - multinomial logistic regression with LBFGS (29 seconds, 851 milliseconds) +[info] - model save/load: binary classification (307 milliseconds) +[info] - model save/load: multiclass classification (149 milliseconds) [info] LogisticRegressionClusterSuite: -[info] - task size should be small in both training and prediction using SGD optimizer (7 seconds, 760 milliseconds) -[info] - task size should be small in both training and prediction using LBFGS optimizer (2 seconds, 915 milliseconds) +[info] - task size should be small in both training and prediction using SGD optimizer (4 seconds, 433 milliseconds) +[info] - task size should be small in both training and prediction using LBFGS optimizer (2 seconds, 257 milliseconds) [info] BLASSuite: [info] - copy (3 milliseconds) -[info] - scal (1 millisecond) -[info] - unitedIndices (0 milliseconds) +[info] - scal (0 milliseconds) +[info] - axpy(a: Double, x: SparseVector, y: SparseVector) (1 millisecond) [info] - axpy (3 milliseconds) [info] - dot (2 milliseconds) -[info] - spr (2 milliseconds) -[info] - syr (6 milliseconds) +[info] - spr (1 millisecond) +[info] - syr (5 milliseconds) [info] - gemm (3 milliseconds) -[info] - gemv (4 milliseconds) +[info] - gemv (3 milliseconds) [info] GeneralizedLinearPMMLModelExportSuite: [info] - linear regression PMML export (0 milliseconds) -[info] - ridge regression PMML export (0 milliseconds) -[info] - lasso PMML export (1 millisecond) +[info] - ridge regression PMML export (1 millisecond) +[info] - lasso PMML export (0 milliseconds) [info] AreaUnderCurveSuite: -[info] - auc computation (19 milliseconds) -[info] - auc of an empty curve (12 milliseconds) -[info] - auc of a curve with a single point (8 milliseconds) +[info] - auc computation (11 milliseconds) +[info] - auc of an empty curve (6 milliseconds) +[info] - auc of a curve with a single point (5 milliseconds) [info] PeriodicGraphCheckpointerSuite: -[info] - Persisting (124 milliseconds) -[info] - Checkpointing (559 milliseconds) +[info] - Persisting (73 milliseconds) +[info] - Checkpointing (399 milliseconds) [info] PowerIterationClusteringSuite: -[info] - power iteration clustering (933 milliseconds) -[info] - power iteration clustering on graph (787 milliseconds) -[info] - normalize and powerIter (116 milliseconds) -[info] - model save/load (264 milliseconds) +[info] - power iteration clustering (610 milliseconds) +[info] - power iteration clustering on graph (539 milliseconds) +[info] - normalize and powerIter (103 milliseconds) +[info] - model save/load (176 milliseconds) [info] IsotonicRegressionSuite: -[info] - increasing isotonic regression (56 milliseconds) -[info] - model save/load (242 milliseconds) -[info] - isotonic regression with size 0 (16 milliseconds) -[info] - isotonic regression with size 1 (19 milliseconds) -[info] - isotonic regression strictly increasing sequence (33 milliseconds) -[info] - isotonic regression strictly decreasing sequence (19 milliseconds) -[info] - isotonic regression with last element violating monotonicity (19 milliseconds) -[info] - isotonic regression with first element violating monotonicity (23 milliseconds) -[info] - isotonic regression with negative labels (17 milliseconds) -[info] - isotonic regression with unordered input (20 milliseconds) -[info] - weighted isotonic regression (19 milliseconds) -[info] - weighted isotonic regression with weights lower than 1 (21 milliseconds) -[info] - weighted isotonic regression with negative weights (24 milliseconds) -[info] - weighted isotonic regression with zero weights (27 milliseconds) -[info] - isotonic regression prediction (17 milliseconds) +[info] - increasing isotonic regression (34 milliseconds) +[info] - model save/load (177 milliseconds) +[info] - isotonic regression with size 0 (14 milliseconds) +[info] - isotonic regression with size 1 (15 milliseconds) +[info] - isotonic regression strictly increasing sequence (15 milliseconds) +[info] - isotonic regression strictly decreasing sequence (15 milliseconds) +[info] - isotonic regression with last element violating monotonicity (15 milliseconds) +[info] - isotonic regression with first element violating monotonicity (25 milliseconds) +[info] - isotonic regression with negative labels (16 milliseconds) +[info] - isotonic regression with unordered input (17 milliseconds) +[info] - weighted isotonic regression (15 milliseconds) +[info] - weighted isotonic regression with weights lower than 1 (16 milliseconds) +[info] - weighted isotonic regression with negative weights (14 milliseconds) +[info] - weighted isotonic regression with zero weights (16 milliseconds) +[info] - isotonic regression prediction (16 milliseconds) [info] - isotonic regression prediction with duplicate features (19 milliseconds) -[info] - antitonic regression prediction with duplicate features (21 milliseconds) -[info] - isotonic regression RDD prediction (29 milliseconds) -[info] - antitonic regression prediction (17 milliseconds) +[info] - antitonic regression prediction with duplicate features (24 milliseconds) +[info] - isotonic regression RDD prediction (24 milliseconds) +[info] - antitonic regression prediction (15 milliseconds) [info] - model construction (2 milliseconds) [info] NumericParserSuite: -[info] - parser (3 milliseconds) +[info] - parser (1 millisecond) [info] - parser with whitespaces (1 millisecond) [info] MulticlassMetricsSuite: -[info] - Multiclass evaluation metrics (64 milliseconds) +[info] - Multiclass evaluation metrics (48 milliseconds) [info] RandomRDDsSuite: -[info] - RandomRDD sizes (50 milliseconds) -[info] - randomRDD for different distributions (2 seconds, 52 milliseconds) -[info] - randomVectorRDD for different distributions (2 seconds, 264 milliseconds) +[info] - RandomRDD sizes (40 milliseconds) +[info] - randomRDD for different distributions (1 second, 646 milliseconds) +[info] - randomVectorRDD for different distributions (1 second, 768 milliseconds) [info] NormalizerSuite: -[info] - Normalization using L1 distance (85 milliseconds) -[info] - Normalization using L2 distance (31 milliseconds) -[info] - Normalization using L^Inf distance. (16 milliseconds) +[info] - Normalization using L1 distance (19 milliseconds) +[info] - Normalization using L2 distance (13 milliseconds) +[info] - Normalization using L^Inf distance. (14 milliseconds) [info] BreezeMatrixConversionSuite: [info] - dense matrix to breeze (0 milliseconds) -[info] - dense breeze matrix to matrix (1 millisecond) +[info] - dense breeze matrix to matrix (0 milliseconds) [info] - sparse matrix to breeze (0 milliseconds) -[info] - sparse breeze matrix to sparse matrix (1 millisecond) +[info] - sparse breeze matrix to sparse matrix (0 milliseconds) [info] CoordinateMatrixSuite: [info] - size (9 milliseconds) -[info] - empty entries (16 milliseconds) -[info] - toBreeze (5 milliseconds) -[info] - transpose (11 milliseconds) -[info] - toIndexedRowMatrix (21 milliseconds) -[info] - toRowMatrix (17 milliseconds) -[info] - toBlockMatrix (29 milliseconds) +[info] - empty entries (7 milliseconds) +[info] - toBreeze (4 milliseconds) +[info] - transpose (10 milliseconds) +[info] - toIndexedRowMatrix (23 milliseconds) +[info] - toRowMatrix (15 milliseconds) +[info] - toBlockMatrix (20 milliseconds) [info] GradientDescentSuite: -[info] - Assert the loss is decreasing. (719 milliseconds) -[info] - Test the loss and gradient of first iteration with regularization. (275 milliseconds) -[info] - iteration should end with convergence tolerance (240 milliseconds) +[info] - Assert the loss is decreasing. (645 milliseconds) +[info] - Test the loss and gradient of first iteration with regularization. (254 milliseconds) +[info] - iteration should end with convergence tolerance (205 milliseconds) [info] GradientDescentClusterSuite: -[info] - task size should be small (6 seconds, 91 milliseconds) +[info] - task size should be small (4 seconds, 46 milliseconds) [info] VectorsSuite: [info] - dense vector construction with varargs (1 millisecond) [info] - dense vector construction from a double array (0 milliseconds) @@ -747,160 +680,160 @@ SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further detail [info] - sparse vector construction with mismatched indices/values array (2 milliseconds) [info] - sparse vector construction with too many indices vs size (1 millisecond) [info] - dense to array (0 milliseconds) -[info] - dense argmax (1 millisecond) -[info] - sparse to array (1 millisecond) -[info] - sparse argmax (1 millisecond) +[info] - dense argmax (0 milliseconds) +[info] - sparse to array (0 milliseconds) +[info] - sparse argmax (0 milliseconds) [info] - vector equals (3 milliseconds) -[info] - vectors equals with explicit 0 (3 milliseconds) +[info] - vectors equals with explicit 0 (2 milliseconds) [info] - indexing dense vectors (0 milliseconds) -[info] - indexing sparse vectors (1 millisecond) -[info] - parse vectors (3 milliseconds) +[info] - indexing sparse vectors (0 milliseconds) +[info] - parse vectors (2 milliseconds) [info] - zeros (1 millisecond) -[info] - Vector.copy (1 millisecond) -[info] - VectorUDT (2 milliseconds) -[info] - fromBreeze (1 millisecond) -[info] - sqdist (17 milliseconds) -[info] - foreachActive (2 milliseconds) -[info] - vector p-norm (8 milliseconds) -[info] - Vector numActive and numNonzeros (1 millisecond) -[info] - Vector toSparse and toDense (2 milliseconds) -[info] - Vector.compressed (2 milliseconds) -[info] - SparseVector.slice (3 milliseconds) -[info] - toJson/fromJson (11 milliseconds) +[info] - Vector.copy (0 milliseconds) +[info] - VectorUDT (1 millisecond) +[info] - fromBreeze (0 milliseconds) +[info] - sqdist (8 milliseconds) +[info] - foreachActive (1 millisecond) +[info] - vector p-norm (5 milliseconds) +[info] - Vector numActive and numNonzeros (0 milliseconds) +[info] - Vector toSparse and toDense (0 milliseconds) +[info] - Vector.compressed (0 milliseconds) +[info] - SparseVector.slice (1 millisecond) +[info] - toJson/fromJson (6 milliseconds) [info] PCASuite: -[info] - Correct computing use a PCA wrapper (63 milliseconds) +[info] - Correct computing use a PCA wrapper (46 milliseconds) [info] GaussianMixtureSuite: -[info] - single cluster (198 milliseconds) -[info] - two clusters (32 milliseconds) -[info] - two clusters with distributed decompositions (236 milliseconds) -[info] - single cluster with sparse data (170 milliseconds) -[info] - two clusters with sparse data (24 milliseconds) -[info] - model save / load (359 milliseconds) -[info] - model prediction, parallel and local (129 milliseconds) +[info] - single cluster (159 milliseconds) +[info] - two clusters (23 milliseconds) +[info] - two clusters with distributed decompositions (162 milliseconds) +[info] - single cluster with sparse data (142 milliseconds) +[info] - two clusters with sparse data (26 milliseconds) +[info] - model save / load (272 milliseconds) +[info] - model prediction, parallel and local (81 milliseconds) [info] LBFGSSuite: -[info] - LBFGS loss should be decreasing and match the result of Gradient Descent. (4 seconds, 134 milliseconds) -[info] - LBFGS and Gradient Descent with L2 regularization should get the same result. (4 seconds, 712 milliseconds) -[info] - The convergence criteria should work as we expect. (1 second, 636 milliseconds) -[info] - Optimize via class LBFGS. (4 seconds, 467 milliseconds) +[info] - LBFGS loss should be decreasing and match the result of Gradient Descent. (3 seconds, 520 milliseconds) +[info] - LBFGS and Gradient Descent with L2 regularization should get the same result. (3 seconds, 349 milliseconds) +[info] - The convergence criteria should work as we expect. (1 second, 298 milliseconds) +[info] - Optimize via class LBFGS. (3 seconds, 697 milliseconds) [info] LBFGSClusterSuite: -[info] - task size should be small (9 seconds, 869 milliseconds) +[info] - task size should be small (5 seconds, 981 milliseconds) [info] RegressionMetricsSuite: -[info] - regression metrics for unbiased (includes intercept term) predictor (25 milliseconds) -[info] - regression metrics for biased (no intercept term) predictor (9 milliseconds) -[info] - regression metrics with complete fitting (9 milliseconds) +[info] - regression metrics for unbiased (includes intercept term) predictor (17 milliseconds) +[info] - regression metrics for biased (no intercept term) predictor (7 milliseconds) +[info] - regression metrics with complete fitting (7 milliseconds) [info] StreamingKMeansSuite: -[info] - accuracy for single center and equivalence to grand average (500 milliseconds) -[info] - accuracy for two centers (483 milliseconds) -[info] - detecting dying clusters (506 milliseconds) +[info] - accuracy for single center and equivalence to grand average (439 milliseconds) +[info] - accuracy for two centers (381 milliseconds) +[info] - detecting dying clusters (375 milliseconds) [info] - SPARK-7946 setDecayFactor (1 millisecond) [info] PythonMLLibAPISuite: [info] - pickle vector (4 milliseconds) -[info] - pickle labeled point (2 milliseconds) +[info] - pickle labeled point (3 milliseconds) [info] - pickle double (1 millisecond) [info] - pickle matrix (1 millisecond) [info] - pickle rating (1 millisecond) [info] SVMSuite: -[info] - SVM with threshold (1 second, 395 milliseconds) -[info] - SVM using local random SGD (1 second, 167 milliseconds) -[info] - SVM local random SGD with initial weights (1 second, 41 milliseconds) -[info] - SVM with invalid labels (8 seconds, 59 milliseconds) -[info] - model save/load (373 milliseconds) +[info] - SVM with threshold (1 second, 150 milliseconds) +[info] - SVM using local random SGD (869 milliseconds) +[info] - SVM local random SGD with initial weights (774 milliseconds) +[info] - SVM with invalid labels (6 seconds, 138 milliseconds) +[info] - model save/load (302 milliseconds) [info] SVMClusterSuite: -[info] - task size should be small in both training and prediction (7 seconds, 268 milliseconds) +[info] - task size should be small in both training and prediction (4 seconds, 352 milliseconds) [info] BisectingKMeansSuite: -[info] - default values (2 milliseconds) +[info] - default values (3 milliseconds) [info] - setter/getter (4 milliseconds) -[info] - 1D data (123 milliseconds) -[info] - points are the same (24 milliseconds) -[info] - more desired clusters than points (155 milliseconds) -[info] - min divisible cluster (162 milliseconds) -[info] - larger clusters get selected first (60 milliseconds) -[info] - 2D data (152 milliseconds) +[info] - 1D data (94 milliseconds) +[info] - points are the same (27 milliseconds) +[info] - more desired clusters than points (79 milliseconds) +[info] - min divisible cluster (95 milliseconds) +[info] - larger clusters get selected first (53 milliseconds) +[info] - 2D data (119 milliseconds) [info] LDASuite: -[info] - LocalLDAModel (14 milliseconds) -[info] - running and DistributedLDAModel with default Optimizer (EM) (452 milliseconds) +[info] - LocalLDAModel (12 milliseconds) +[info] - running and DistributedLDAModel with default Optimizer (EM) (359 milliseconds) [info] - vertex indexing (2 milliseconds) -[info] - setter alias (2 milliseconds) +[info] - setter alias (1 millisecond) [info] - initializing with alpha length != k or 1 fails (2 milliseconds) -[info] - initializing with elements in alpha < 0 fails (2 milliseconds) -[info] - OnlineLDAOptimizer initialization (15 milliseconds) -[info] - OnlineLDAOptimizer one iteration (52 milliseconds) -[info] - OnlineLDAOptimizer with toy data (1 second, 659 milliseconds) -[info] - LocalLDAModel logLikelihood (27 milliseconds) +[info] - initializing with elements in alpha < 0 fails (1 millisecond) +[info] - OnlineLDAOptimizer initialization (16 milliseconds) +[info] - OnlineLDAOptimizer one iteration (51 milliseconds) +[info] - OnlineLDAOptimizer with toy data (1 second, 334 milliseconds) +[info] - LocalLDAModel logLikelihood (22 milliseconds) [info] - LocalLDAModel logPerplexity (11 milliseconds) -[info] - LocalLDAModel predict (43 milliseconds) -[info] - OnlineLDAOptimizer with asymmetric prior (1 second, 542 milliseconds) -[info] - OnlineLDAOptimizer alpha hyperparameter optimization (1 second, 563 milliseconds) -[info] - model save/load (1 second, 36 milliseconds) -[info] - EMLDAOptimizer with empty docs (151 milliseconds) -[info] - OnlineLDAOptimizer with empty docs (73 milliseconds) +[info] - LocalLDAModel predict (30 milliseconds) +[info] - OnlineLDAOptimizer with asymmetric prior (1 second, 311 milliseconds) +[info] - OnlineLDAOptimizer alpha hyperparameter optimization (1 second, 219 milliseconds) +[info] - model save/load (824 milliseconds) +[info] - EMLDAOptimizer with empty docs (124 milliseconds) +[info] - OnlineLDAOptimizer with empty docs (47 milliseconds) [info] ImpuritySuite: -[info] - Gini impurity does not support negative labels (0 milliseconds) +[info] - Gini impurity does not support negative labels (1 millisecond) [info] - Entropy does not support negative labels (1 millisecond) [info] ElementwiseProductSuite: [info] - elementwise (hadamard) product should properly apply vector to dense data set (11 milliseconds) -[info] - elementwise (hadamard) product should properly apply vector to sparse data set (14 milliseconds) +[info] - elementwise (hadamard) product should properly apply vector to sparse data set (16 milliseconds) [info] HypothesisTestSuite: [info] - chi squared pearson goodness of fit (5 milliseconds) [info] - chi squared pearson matrix independence (2 milliseconds) -[info] - chi squared pearson RDD[LabeledPoint] (2 seconds, 277 milliseconds) -[info] - 1 sample Kolmogorov-Smirnov test: apache commons math3 implementation equivalence (4 seconds, 12 milliseconds) -[info] - 1 sample Kolmogorov-Smirnov test: R implementation equivalence (51 milliseconds) +[info] - chi squared pearson RDD[LabeledPoint] (1 second, 719 milliseconds) +[info] - 1 sample Kolmogorov-Smirnov test: apache commons math3 implementation equivalence (2 seconds, 376 milliseconds) +[info] - 1 sample Kolmogorov-Smirnov test: R implementation equivalence (33 milliseconds) [info] RankingMetricsSuite: -[info] - Ranking metrics: map, ndcg (69 milliseconds) +[info] - Ranking metrics: map, ndcg (63 milliseconds) [info] Test run started [info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.testPredictJavaRDD started [info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.runUsingConstructor started [info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.runUsingStaticMethods started [info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.testModelTypeSetters started -[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.269s +[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.228s [info] Test run started [info] Test org.apache.spark.mllib.classification.JavaStreamingLogisticRegressionSuite.javaAPI started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.362s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.294s [info] Test run started [info] Test org.apache.spark.mllib.fpm.JavaFPGrowthSuite.runFPGrowthSaveLoad started [info] Test org.apache.spark.mllib.fpm.JavaFPGrowthSuite.runFPGrowth started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.496s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.317s [info] Test run started [info] Test org.apache.spark.mllib.fpm.JavaPrefixSpanSuite.runPrefixSpan started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.151s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.09s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaStreamingKMeansSuite.javaAPI started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.28s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.216s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.testPredictJavaRDD started [info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.runLinearRegressionUsingStaticMethods started [info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.runLinearRegressionUsingConstructor started -[info] Test run finished: 0 failed, 0 ignored, 3 total, 1.498s +[info] Test run finished: 0 failed, 0 ignored, 3 total, 1.098s [info] Test run started [info] Test org.apache.spark.mllib.classification.JavaLogisticRegressionSuite.runLRUsingConstructor started [info] Test org.apache.spark.mllib.classification.JavaLogisticRegressionSuite.runLRUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 7.677s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 5.957s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaGaussianMixtureSuite.runGaussianMixture started [info] Test run finished: 0 failed, 0 ignored, 1 total, 0.061s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaStreamingLinearRegressionSuite.javaAPI started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.275s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.263s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.testPredictJavaRDD started [info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.runKMeansUsingConstructor started [info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.runKMeansUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 3 total, 0.726s +[info] Test run finished: 0 failed, 0 ignored, 3 total, 0.506s [info] Test run started [info] Test org.apache.spark.mllib.feature.JavaTfIdfSuite.tfIdfMinimumDocumentFrequency started [info] Test org.apache.spark.mllib.feature.JavaTfIdfSuite.tfIdf started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.893s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.757s [info] Test run started [info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.testCorr started [info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.chiSqTest started [info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.streamingTest started [info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.kolmogorovSmirnovTest started -[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.501s +[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.411s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaIsotonicRegressionSuite.testIsotonicRegressionJavaRDD started [info] Test org.apache.spark.mllib.regression.JavaIsotonicRegressionSuite.testIsotonicRegressionPredictionsJavaRDD started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.167s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.134s [info] Test run started [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runALSUsingStaticMethods started [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSUsingConstructor started @@ -908,7 +841,7 @@ SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further detail [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSWithNegativeWeight started [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSUsingStaticMethods started [info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runALSUsingConstructor started -[info] Test run finished: 0 failed, 0 ignored, 6 total, 7.752s +[info] Test run finished: 0 failed, 0 ignored, 6 total, 5.458s [info] Test run started [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testNormalVectorRDD started [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testArbitrary started @@ -924,38 +857,38 @@ SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further detail [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testGammaVectorRDD started [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testExponentialRDD started [info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testLNormalRDD started -[info] Test run finished: 0 failed, 0 ignored, 14 total, 1.054s +[info] Test run finished: 0 failed, 0 ignored, 14 total, 0.731s [info] Test run started [info] Test org.apache.spark.mllib.tree.JavaDecisionTreeSuite.runDTUsingStaticMethods started [info] Test org.apache.spark.mllib.tree.JavaDecisionTreeSuite.runDTUsingConstructor started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.286s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.209s [info] Test run started [info] Test org.apache.spark.mllib.linalg.JavaVectorsSuite.denseArrayConstruction started [info] Test org.apache.spark.mllib.linalg.JavaVectorsSuite.sparseArrayConstruction started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.003s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.001s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaLDASuite.onlineOptimizerCompatibility started [info] Test org.apache.spark.mllib.clustering.JavaLDASuite.distributedLDAModel started [info] Test org.apache.spark.mllib.clustering.JavaLDASuite.localLDAModel started [info] Test org.apache.spark.mllib.clustering.JavaLDASuite.localLdaMethods started -[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.663s +[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.506s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaRidgeRegressionSuite.runRidgeRegressionUsingConstructor started [info] Test org.apache.spark.mllib.regression.JavaRidgeRegressionSuite.runRidgeRegressionUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 4.14s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 3.119s [info] Test run started [info] Test org.apache.spark.mllib.classification.JavaSVMSuite.runSVMUsingConstructor started [info] Test org.apache.spark.mllib.classification.JavaSVMSuite.runSVMUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 2.486s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 1.846s [info] Test run started [info] Test org.apache.spark.mllib.feature.JavaWord2VecSuite.word2Vec started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.096s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.092s [info] Test run started [info] Test org.apache.spark.mllib.evaluation.JavaRankingMetricsSuite.rankingMetrics started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.047s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.043s [info] Test run started [info] Test org.apache.spark.mllib.fpm.JavaAssociationRulesSuite.runAssociationRules started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.042s +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.039s [info] Test run started [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.zerosMatrixConstruction started [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.identityMatrixConstruction started @@ -963,22 +896,22 @@ SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further detail [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.sparseDenseConversion started [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.randMatrixConstruction started [info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.diagonalMatrixConstruction started -[info] Test run finished: 0 failed, 0 ignored, 6 total, 0.005s +[info] Test run finished: 0 failed, 0 ignored, 6 total, 0.004s [info] Test run started [info] Test org.apache.spark.mllib.regression.JavaLassoSuite.runLassoUsingConstructor started [info] Test org.apache.spark.mllib.regression.JavaLassoSuite.runLassoUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 5.887s +[info] Test run finished: 0 failed, 0 ignored, 2 total, 4.53s [info] Test run started [info] Test org.apache.spark.mllib.clustering.JavaBisectingKMeansSuite.twoDimensionalData started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.161s --- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas2572007263227157870/libjblas.dylib --- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas2572007263227157870/libjblas_arch_flavor.dylib --- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas2572007263227157870 +[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.113s +-- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas4558071759314704620/libjblas.dylib +-- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas4558071759314704620/libjblas_arch_flavor.dylib +-- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas4558071759314704620 [info] ScalaTest -[info] Run completed in 6 minutes, 39 seconds. +[info] Run completed in 4 minutes, 32 seconds. [info] Total number of tests run: 452 [info] Suites: completed 83, aborted 0 [info] Tests: succeeded 452, failed 0, canceled 0, ignored 0, pending 0 [info] All tests passed. [info] Passed: Total 523, Failed 0, Errors 0, Passed 523 -[success] Total time: 617 s, completed Jan 14, 2016 5:22:11 AM +[success] Total time: 286 s, completed Jan 15, 2016 2:42:10 PM From fc680d4d89d10b8bbb1656e41a1fd913cf77f7e6 Mon Sep 17 00:00:00 2001 From: Roy Levin Date: Fri, 15 Jan 2016 17:41:26 +0200 Subject: [PATCH 5/5] remove log files --- mvn.build.log | 8106 ------------------------------------------------- tests.log | 917 ------ 2 files changed, 9023 deletions(-) delete mode 100644 mvn.build.log delete mode 100644 tests.log diff --git a/mvn.build.log b/mvn.build.log deleted file mode 100644 index 693873b4eaf86..0000000000000 --- a/mvn.build.log +++ /dev/null @@ -1,8106 +0,0 @@ -[INFO] Scanning for projects... -[INFO] ------------------------------------------------------------------------ -[INFO] Reactor Build Order: -[INFO] -[INFO] Spark Project Parent POM -[INFO] Spark Project Test Tags -[INFO] Spark Project Launcher -[INFO] Spark Project Networking -[INFO] Spark Project Shuffle Streaming Service -[INFO] Spark Project Unsafe -[INFO] Spark Project Core -[INFO] Spark Project GraphX -[INFO] Spark Project Streaming -[INFO] Spark Project Catalyst -[INFO] Spark Project SQL -[INFO] Spark Project ML Library -[INFO] Spark Project Tools -[INFO] Spark Project Hive -[INFO] Spark Project Docker Integration Tests -[INFO] Spark Project REPL -[INFO] Spark Project Assembly -[INFO] Spark Project External Twitter -[INFO] Spark Project External Flume Sink -[INFO] Spark Project External Flume -[INFO] Spark Project External Flume Assembly -[INFO] Spark Project External MQTT -[INFO] Spark Project External MQTT Assembly -[INFO] Spark Project External ZeroMQ -[INFO] Spark Project External Kafka -[INFO] Spark Project Examples -[INFO] Spark Project External Kafka Assembly -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Parent POM 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-parent_2.10 --- -[INFO] Deleting /Users/royl/git/spark/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-parent_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-parent_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-parent_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-parent_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-parent_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-parent_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-parent_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-parent_2.10 --- -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-parent_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-parent_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/target/spark-parent_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-parent_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-parent_2.10 --- -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-parent_2.10 --- -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-parent_2.10 --- -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-parent_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-parent_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-parent_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-parent_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-parent_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-parent_2.10 --- -[INFO] No source files found -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-parent_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/src/main/scala -Saving to outputFile=/Users/royl/git/spark/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 99 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-parent_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-parent_2.10 --- -[INFO] Installing /Users/royl/git/spark/pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-parent_2.10/2.0.0-SNAPSHOT/spark-parent_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/target/spark-parent_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-parent_2.10/2.0.0-SNAPSHOT/spark-parent_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Test Tags 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-test-tags_2.10 --- -[INFO] Deleting /Users/royl/git/spark/tags/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-test-tags_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-test-tags_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/tags/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/tags/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-test-tags_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/scalatest/scalatest_2.10/2.2.1/scalatest_2.10-2.2.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-test-tags_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-test-tags_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/tags/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-test-tags_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 3 Java sources to /Users/royl/git/spark/tags/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-test-tags_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 3 source files to /Users/royl/git/spark/tags/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-test-tags_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/tags/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-test-tags_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/tags/src/test/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-test-tags_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-test-tags_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-test-tags_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-test-tags_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-test-tags_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-test-tags_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-test-tags_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-test-tags_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-test-tags_2.10 --- -[INFO] Excluding org.scalatest:scalatest_2.10:jar:2.2.1 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/tags/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/tags/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-test-tags_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-test-tags_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-test-tags_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-test-tags_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-test-tags_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-test-tags_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/scalatest/scalatest_2.10/2.2.1/scalatest_2.10-2.2.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-test-tags_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-test-tags_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 8 documentable templates -[INFO] Building jar: /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-test-tags_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/tags/src/main/scala -Saving to outputFile=/Users/royl/git/spark/tags/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 0 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-test-tags_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-test-tags_2.10 --- -[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/tags/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/tags/target/spark-test-tags_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-test-tags_2.10/2.0.0-SNAPSHOT/spark-test-tags_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Launcher 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-launcher_2.10 --- -[INFO] Deleting /Users/royl/git/spark/launcher/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-launcher_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-launcher_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/launcher/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/launcher/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-launcher_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-launcher_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-launcher_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/launcher/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-launcher_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 15 Java sources to /Users/royl/git/spark/launcher/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-launcher_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 15 source files to /Users/royl/git/spark/launcher/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-launcher_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/launcher/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-launcher_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 2 resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-launcher_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 5 Java sources to /Users/royl/git/spark/launcher/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-launcher_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 5 source files to /Users/royl/git/spark/launcher/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-launcher_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-launcher_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-launcher_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-launcher_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-launcher_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-launcher_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-launcher_2.10 --- -[INFO] Excluding commons-io:commons-io:jar:2.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/launcher/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/launcher/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/launcher/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-launcher_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-launcher_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-launcher_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-launcher_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-launcher_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-launcher_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-launcher_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-launcher_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 7 documentable templates -[INFO] Building jar: /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-launcher_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/launcher/src/main/scala -Saving to outputFile=/Users/royl/git/spark/launcher/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 1 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-launcher_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-launcher_2.10 --- -[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/launcher/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-launcher_2.10/2.0.0-SNAPSHOT/spark-launcher_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Networking 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-network-common_2.10 --- -[INFO] Deleting /Users/royl/git/spark/network/common/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-network-common_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-network-common_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/network/common/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/network/common/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-network-common_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/com/google/guava/guava/14.0.1/guava-14.0.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-network-common_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-network-common_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/network/common/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-network-common_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 65 Java sources to /Users/royl/git/spark/network/common/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-network-common_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 65 source files to /Users/royl/git/spark/network/common/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-network-common_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/network/common/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-network-common_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-network-common_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 12 Java sources to /Users/royl/git/spark/network/common/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-network-common_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 12 source files to /Users/royl/git/spark/network/common/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-network-common_2.10 --- -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (test-jar-on-test-compile) @ spark-network-common_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-network-common_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-network-common_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-network-common_2.10 --- -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-network-common_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-network-common_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-network-common_2.10 --- -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Including com.google.guava:guava:jar:14.0.1 in the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/common/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/common/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/common/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-network-common_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-network-common_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-network-common_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-network-common_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-network-common_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-network-common_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/com/google/guava/guava/14.0.1/guava-14.0.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-network-common_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-network-common_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 70 documentable templates -[INFO] Building jar: /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-network-common_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/network/common/src/main/scala -Saving to outputFile=/Users/royl/git/spark/network/common/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 0 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-network-common_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-network-common_2.10 --- -[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/network/common/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-common_2.10/2.0.0-SNAPSHOT/spark-network-common_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Shuffle Streaming Service 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-network-shuffle_2.10 --- -[INFO] Deleting /Users/royl/git/spark/network/shuffle/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-network-shuffle_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-network-shuffle_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/network/shuffle/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/network/shuffle/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-network-shuffle_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-network-shuffle_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-network-shuffle_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/network/shuffle/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-network-shuffle_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 16 Java sources to /Users/royl/git/spark/network/shuffle/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-network-shuffle_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 16 source files to /Users/royl/git/spark/network/shuffle/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-network-shuffle_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/network/shuffle/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-network-shuffle_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/network/shuffle/src/test/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-network-shuffle_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 10 Java sources to /Users/royl/git/spark/network/shuffle/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-network-shuffle_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 10 source files to /Users/royl/git/spark/network/shuffle/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-network-shuffle_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-network-shuffle_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-network-shuffle_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-network-shuffle_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-network-shuffle_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-network-shuffle_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-network-shuffle_2.10 --- -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/shuffle/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/shuffle/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/network/shuffle/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-network-shuffle_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-network-shuffle_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-network-shuffle_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-network-shuffle_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-network-shuffle_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-network-shuffle_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-network-shuffle_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-network-shuffle_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 26 documentable templates -[INFO] Building jar: /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-network-shuffle_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/network/shuffle/src/main/scala -Saving to outputFile=/Users/royl/git/spark/network/shuffle/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 1 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-network-shuffle_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-network-shuffle_2.10 --- -[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/network/shuffle/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-network-shuffle_2.10/2.0.0-SNAPSHOT/spark-network-shuffle_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Unsafe 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-unsafe_2.10 --- -[INFO] Deleting /Users/royl/git/spark/unsafe/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-unsafe_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-unsafe_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/unsafe/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/unsafe/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-unsafe_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-unsafe_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-unsafe_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/unsafe/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-unsafe_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 14 Java sources to /Users/royl/git/spark/unsafe/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-unsafe_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 14 source files to /Users/royl/git/spark/unsafe/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-unsafe_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/unsafe/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-unsafe_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/unsafe/src/test/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-unsafe_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 1 Scala source and 5 Java sources to /Users/royl/git/spark/unsafe/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-unsafe_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 5 source files to /Users/royl/git/spark/unsafe/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-unsafe_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-unsafe_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-unsafe_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-unsafe_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-unsafe_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-unsafe_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-unsafe_2.10 --- -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/unsafe/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/unsafe/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/unsafe/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-unsafe_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-unsafe_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-unsafe_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-unsafe_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-unsafe_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-unsafe_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-unsafe_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-unsafe_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 24 documentable templates -[INFO] Building jar: /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-unsafe_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/unsafe/src/main/scala -Saving to outputFile=/Users/royl/git/spark/unsafe/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 1 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-unsafe_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-unsafe_2.10 --- -[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/unsafe/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-unsafe_2.10/2.0.0-SNAPSHOT/spark-unsafe_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Core 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-core_2.10 --- -[INFO] Deleting /Users/royl/git/spark/core/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-core_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-core_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/core/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/core/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-core_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-servlet/8.1.14.v20131031/jetty-servlet-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-continuation/8.1.14.v20131031/jetty-continuation-8.1.14.v20131031.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.2/commons-math-2.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-security/8.1.14.v20131031/jetty-security-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.mail.glassfish/1.4.1.v201005082020/javax.mail.glassfish-1.4.1.v201005082020.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.activation/1.1.0.v201105071233/javax.activation-1.1.0.v201105071233.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-http/8.1.14.v20131031/jetty-http-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-plus/8.1.14.v20131031/jetty-plus-8.1.14.v20131031.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-jndi/8.1.14.v20131031/jetty-jndi-8.1.14.v20131031.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-webapp/8.1.14.v20131031/jetty-webapp-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-server/8.1.14.v20131031/jetty-server-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-io/8.1.14.v20131031/jetty-io-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.transaction/1.1.1.v201105210645/javax.transaction-1.1.1.v201105210645.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-xml/8.1.14.v20131031/jetty-xml-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-util/8.1.14.v20131031/jetty-util-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-core_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-core_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 20 resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-core_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 475 Scala sources and 78 Java sources to /Users/royl/git/spark/core/target/scala-2.10/classes... -[WARNING] /Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkEnv.scala:99: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[WARNING] actorSystem.shutdown() -[WARNING] ^ -[WARNING] one warning found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-core_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 78 source files to /Users/royl/git/spark/core/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-core_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/core/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-core_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 59 resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-core_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 194 Scala sources and 18 Java sources to /Users/royl/git/spark/core/target/scala-2.10/test-classes... -[WARNING] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/SparkListenerSuite.scala:294: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[WARNING] sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt -[WARNING] ^ -[WARNING] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/TaskResultGetterSuite.scala:93: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[WARNING] sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt -[WARNING] ^ -[WARNING] /Users/royl/git/spark/core/src/test/scala/org/apache/spark/scheduler/TaskResultGetterSuite.scala:118: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[WARNING] sc.env.actorSystem.settings.config.getBytes("akka.remote.netty.tcp.maximum-frame-size").toInt -[WARNING] ^ -[WARNING] three warnings found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-core_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 18 source files to /Users/royl/git/spark/core/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-core_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-core_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-core_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-core_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-core_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-core_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:copy-dependencies (copy-dependencies) @ spark-core_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-core_2.10 --- -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Including org.eclipse.jetty:jetty-plus:jar:8.1.14.v20131031 in the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.transaction:jar:1.1.1.v201105210645 from the shaded jar. -[INFO] Excluding org.eclipse.jetty:jetty-webapp:jar:8.1.14.v20131031 from the shaded jar. -[INFO] Excluding org.eclipse.jetty:jetty-xml:jar:8.1.14.v20131031 from the shaded jar. -[INFO] Excluding org.eclipse.jetty:jetty-jndi:jar:8.1.14.v20131031 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.mail.glassfish:jar:1.4.1.v201005082020 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.activation:jar:1.1.0.v201105071233 from the shaded jar. -[INFO] Including org.eclipse.jetty:jetty-security:jar:8.1.14.v20131031 in the shaded jar. -[INFO] Including org.eclipse.jetty:jetty-util:jar:8.1.14.v20131031 in the shaded jar. -[INFO] Including org.eclipse.jetty:jetty-server:jar:8.1.14.v20131031 in the shaded jar. -[INFO] Including org.eclipse.jetty:jetty-http:jar:8.1.14.v20131031 in the shaded jar. -[INFO] Including org.eclipse.jetty:jetty-io:jar:8.1.14.v20131031 in the shaded jar. -[INFO] Including org.eclipse.jetty:jetty-continuation:jar:8.1.14.v20131031 in the shaded jar. -[INFO] Including org.eclipse.jetty:jetty-servlet:jar:8.1.14.v20131031 in the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. -[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. -[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.2 from the shaded jar. -[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. -[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/core/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/core/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/core/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-core_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-core_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-core_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-core_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-core_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-core_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-servlet/8.1.14.v20131031/jetty-servlet-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-continuation/8.1.14.v20131031/jetty-continuation-8.1.14.v20131031.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.2/commons-math-2.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-security/8.1.14.v20131031/jetty-security-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.mail.glassfish/1.4.1.v201005082020/javax.mail.glassfish-1.4.1.v201005082020.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.activation/1.1.0.v201105071233/javax.activation-1.1.0.v201105071233.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-http/8.1.14.v20131031/jetty-http-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-plus/8.1.14.v20131031/jetty-plus-8.1.14.v20131031.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-jndi/8.1.14.v20131031/jetty-jndi-8.1.14.v20131031.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-webapp/8.1.14.v20131031/jetty-webapp-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-server/8.1.14.v20131031/jetty-server-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-io/8.1.14.v20131031/jetty-io-8.1.14.v20131031.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.transaction/1.1.1.v201105210645/javax.transaction-1.1.1.v201105210645.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-xml/8.1.14.v20131031/jetty-xml-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/eclipse/jetty/jetty-util/8.1.14.v20131031/jetty-util-8.1.14.v20131031.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-core_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-core_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 322 documentable templates -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/TaskEndReason.scala:65: warning: Could not find any member to link for "org.apache.spark.scheduler.ShuffleMapTask". -/** -^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/package.scala:20: warning: Could not find any member to link for "org.apache.spark.scheduler.DAGScheduler". -/** -^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala:638: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: -[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] -[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions -[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions - - -Quick crash course on using Scaladoc links -========================================== -Disambiguating terms and types: Prefix terms with '$' and types with '!' in case both names are in use: - - [[scala.collection.immutable.List!.apply class List's apply method]] and - - [[scala.collection.immutable.List$.apply object List's apply method]] -Disambiguating overloaded members: If a term is overloaded, you can indicate the first part of its signature followed by *: - - [[[scala.collection.immutable.List$.fill[A](Int)(⇒A):List[A]* Fill with a single parameter]]] - - [[[scala.collection.immutable.List$.fill[A](Int,Int)(⇒A):List[List[A]]* Fill with a two parameters]]] -Notes: - - you can use any number of matching square brackets to avoid interference with the signature - - you can use \\. to escape dots in prefixes (don't forget to use * at the end to match the signature!) - - you can use \\# to escape hashes, otherwise they will be considered as delimiters, like dots. - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala:623: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: -[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] -[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions -[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala:610: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: -[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] -[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions -[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala:1678: warning: The link target "PairRDDFunctions.reduceByKey" is ambiguous. Several members fit the target: -(func: (V, V) => V): org.apache.spark.rdd.RDD[(K, V)] in class PairRDDFunctions [chosen] -(func: (V, V) => V,numPartitions: Int): org.apache.spark.rdd.RDD[(K, V)] in class PairRDDFunctions -(partitioner: org.apache.spark.Partitioner,func: (V, V) => V): org.apache.spark.rdd.RDD[(K, V)] in class PairRDDFunctions - - -/** -^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:594: warning: The link target "combineByKeyWithClassTag" is ambiguous. Several members fit the target: -[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions [chosen] -[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,numPartitions: Int)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions -[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,partitioner: org.apache.spark.Partitioner,mapSideCombine: Boolean,serializer: org.apache.spark.serializer.Serializer)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:123: warning: The link target "combineByKeyWithClassTag" is ambiguous. Several members fit the target: -[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions [chosen] -[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,numPartitions: Int)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions -[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,partitioner: org.apache.spark.Partitioner,mapSideCombine: Boolean,serializer: org.apache.spark.serializer.Serializer)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:105: warning: The link target "combineByKeyWithClassTag" is ambiguous. Several members fit the target: -[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions [chosen] -[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,numPartitions: Int)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions -[C](createCombiner: V => C,mergeValue: (C, V) => C,mergeCombiners: (C, C) => C,partitioner: org.apache.spark.Partitioner,mapSideCombine: Boolean,serializer: org.apache.spark.serializer.Serializer)(implicit ct: scala.reflect.ClassTag[C]): org.apache.spark.rdd.RDD[(K, C)] in class PairRDDFunctions - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:621: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: -[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] -[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions -[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:501: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: -[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] -[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions -[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala:476: warning: The link target "PairRDDFunctions.aggregateByKey" is ambiguous. Several members fit the target: -[U](zeroValue: U)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$3: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions [chosen] -[U](zeroValue: U,numPartitions: Int)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$2: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions -[U](zeroValue: U,partitioner: org.apache.spark.Partitioner)(seqOp: (U, V) => U,combOp: (U, U) => U)(implicit evidence$1: scala.reflect.ClassTag[U]): org.apache.spark.rdd.RDD[(K, U)] in class PairRDDFunctions - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/NewHadoopRDD.scala:50: warning: Could not find any member to link for "org.apache.spark.SparkContext.newAPIHadoopRDD()". -/** -^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/HadoopRDD.scala:82: warning: Could not find any member to link for "org.apache.spark.SparkContext.hadoopRDD()". -/** -^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/executor/package.scala:20: warning: Could not find any member to link for "org.apache.spark.executor.Executor". -/** -^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/history/HistoryServer.scala:231: warning: Variable SPARK undefined in comment for object HistoryServer in object HistoryServer -object HistoryServer extends Logging { - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/ApiRootResource.scala:209: warning: Could not find any member to link for "ZipOutputStream". - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/SparkHadoopUtil.scala:308: warning: Variable hadoopconf- .. undefined in comment for method substituteHadoopVariables in class SparkHadoopUtil - def substituteHadoopVariables(text: String, hadoopConf: Configuration): String = { - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/SparkHadoopUtil.scala:196: warning: Could not find any member to link for "FileStatus". - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/SparkHadoopUtil.scala:187: warning: Could not find any member to link for "FileStatus". - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/TaskContext.scala:144: warning: Could not find any member to link for "org.apache.spark.metrics.MetricsSystem!". - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Accumulators.scala:228: warning: The link target "SparkContext#accumulator" is ambiguous. Several members fit the target: -[T](initialValue: T,name: String)(implicit param: org.apache.spark.AccumulatorParam[T]): org.apache.spark.Accumulator[T] in class SparkContext [chosen] -[T](initialValue: T)(implicit param: org.apache.spark.AccumulatorParam[T]): org.apache.spark.Accumulator[T] in class SparkContext - - -/** -^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/memory/package.scala:20: warning: Could not find any member to link for "org.apache.spark.memory.MemoryManager". -/** -^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaSparkContext.scala:769: warning: The link target "org.apache.spark.api.java.JavaSparkContext.setJobGroup" is ambiguous. Several members fit the target: -(groupId: String,description: String): Unit in class JavaSparkContext [chosen] -(groupId: String,description: String,interruptOnCancel: Boolean): Unit in class JavaSparkContext - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaRDDLike.scala:413: warning: The link target "org.apache.spark.api.java.JavaRDDLike#treeAggregate" is ambiguous. Several members fit the target: -[U](zeroValue: U,seqOp: org.apache.spark.api.java.function.Function2[U,T,U],combOp: org.apache.spark.api.java.function.Function2[U,U,U]): U in trait JavaRDDLike [chosen] -[U](zeroValue: U,seqOp: org.apache.spark.api.java.function.Function2[U,T,U],combOp: org.apache.spark.api.java.function.Function2[U,U,U],depth: Int): U in trait JavaRDDLike - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaRDDLike.scala:366: warning: The link target "org.apache.spark.api.java.JavaRDDLike#treeReduce" is ambiguous. Several members fit the target: -(f: org.apache.spark.api.java.function.Function2[T,T,T]): T in trait JavaRDDLike [chosen] -(f: org.apache.spark.api.java.function.Function2[T,T,T],depth: Int): T in trait JavaRDDLike - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:532: warning: The link target "JavaPairRDD.reduceByKey" is ambiguous. Several members fit the target: -(func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] -(func: org.apache.spark.api.java.function.Function2[V,V,V],numPartitions: Int): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD -(partitioner: org.apache.spark.Partitioner,func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:402: warning: The link target "JavaPairRDD.reduceByKey" is ambiguous. Several members fit the target: -(func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] -(func: org.apache.spark.api.java.function.Function2[V,V,V],numPartitions: Int): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD -(partitioner: org.apache.spark.Partitioner,func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:391: warning: The link target "JavaPairRDD.reduceByKey" is ambiguous. Several members fit the target: -(func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] -(func: org.apache.spark.api.java.function.Function2[V,V,V],numPartitions: Int): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD -(partitioner: org.apache.spark.Partitioner,func: org.apache.spark.api.java.function.Function2[V,V,V]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:175: warning: The link target "sampleByKey" is ambiguous. Several members fit the target: -(withReplacement: Boolean,fractions: java.util.Map[K,Double]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] -(withReplacement: Boolean,fractions: java.util.Map[K,Double],seed: Long): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaPairRDD.scala:160: warning: The link target "sampleByKey" is ambiguous. Several members fit the target: -(withReplacement: Boolean,fractions: java.util.Map[K,Double]): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD [chosen] -(withReplacement: Boolean,fractions: java.util.Map[K,Double],seed: Long): org.apache.spark.api.java.JavaPairRDD[K,V] in class JavaPairRDD - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/netty/SparkTransportConf.scala:41: warning: Could not find any member to link for "TransportConf". - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:81: warning: The link target "init" is ambiguous. Several members fit the target: -(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] -(x$1: String): Unit in class NettyBlockTransferService - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:55: warning: The link target "init" is ambiguous. Several members fit the target: -(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] -(x$1: String): Unit in class NettyBlockTransferService - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:50: warning: The link target "init" is ambiguous. Several members fit the target: -(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] -(x$1: String): Unit in class NettyBlockTransferService - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:45: warning: The link target "init" is ambiguous. Several members fit the target: -(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] -(x$1: String): Unit in class NettyBlockTransferService - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:70: warning: The link target "init" is ambiguous. Several members fit the target: -(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] -(x$1: String): Unit in class NettyBlockTransferService - - - /** - ^ -/Users/royl/git/spark/core/src/main/scala/org/apache/spark/network/BlockTransferService.scala:105: warning: The link target "init" is ambiguous. Several members fit the target: -(blockDataManager: org.apache.spark.network.BlockDataManager): Unit in class NettyBlockTransferService [chosen] -(x$1: String): Unit in class NettyBlockTransferService - - - /** - ^ -38 warnings found -[INFO] Building jar: /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-core_2.10 --- -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Accumulators.scala message=Space before token : line=69 column=42 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaUtils.scala message=Space before token : line=57 column=17 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/java/JavaUtils.scala message=Space before token : line=68 column=37 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/python/PythonRDD.scala message=Space before token : line=346 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/python/PythonRDD.scala message=Space before token : line=813 column=38 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/python/WriteInputFormatTestDataGenerator.scala message=Space before token : line=98 column=13 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RBackendHandler.scala message=Space before token : line=141 column=62 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RBackendHandler.scala message=Space before token : line=162 column=52 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RRDD.scala message=Space before token : line=257 column=25 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RRDD.scala message=Space before token : line=284 column=21 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/api/r/RRDD.scala message=Space before token : line=308 column=21 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/broadcast/BroadcastManager.scala message=Space before token : line=54 column=39 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/broadcast/TorrentBroadcastFactory.scala message=Space before token : line=33 column=48 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/FaultToleranceTest.scala message=Space before token : line=407 column=51 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/FaultToleranceTest.scala message=Space before token : line=441 column=31 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/master/WorkerInfo.scala message=Space before token : line=101 column=19 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/deploy/worker/Worker.scala message=Space before token : line=102 column=43 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/executor/ExecutorSource.scala message=Space before token : line=32 column=40 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/executor/TaskMetrics.scala message=Space before token : line=331 column=43 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/FutureAction.scala message=Space before token : line=174 column=33 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=32 column=14 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=33 column=14 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=34 column=13 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=35 column=17 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=36 column=16 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=64 column=26 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=69 column=25 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/HttpFileServer.scala message=Space before token : line=79 column=42 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/launcher/LauncherBackend.scala message=Space before token : line=89 column=33 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Logging.scala message=Space before token : line=39 column=30 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/partial/GroupedCountEvaluator.scala message=Space before token : line=34 column=45 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/partial/PartialResult.scala message=Space before token : line=80 column=24 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/partial/PartialResult.scala message=Space before token : line=82 column=36 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/partial/PartialResult.scala message=Space before token : line=93 column=28 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=106 column=25 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=106 column=36 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=254 column=15 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=277 column=24 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/Partitioner.scala message=Space before token : line=277 column=35 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/CartesianRDD.scala message=Space before token : line=51 column=13 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/CartesianRDD.scala message=Space before token : line=52 column=13 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/NewHadoopRDD.scala message=Space before token : line=65 column=7 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/NewHadoopRDD.scala message=Space before token : line=240 column=17 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/OrderedRDDFunctions.scala message=Space before token : line=44 column=28 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/OrderedRDDFunctions.scala message=Space before token : line=44 column=39 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/OrderedRDDFunctions.scala message=Space before token : line=46 column=46 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala message=Space before token : line=349 column=6 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala message=Space before token : line=357 column=6 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala message=Space before token : line=928 column=10 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PairRDDFunctions.scala message=Space before token : line=1116 column=6 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/PartitionPruningRDD.scala message=Space before token : line=41 column=76 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token , line=98 column=27 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=213 column=28 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=214 column=37 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=407 column=8 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=1672 column=18 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=1711 column=42 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/RDD.scala message=Space before token : line=1711 column=53 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/SequenceFileRDDFunctions.scala message=Space before token : line=34 column=70 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/rdd/WholeTextFileRDD.scala message=Space before token : line=32 column=7 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/DAGScheduler.scala message=Space before token : line=1070 column=19 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/EventLoggingListener.scala message=Space before token : line=50 column=17 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/EventLoggingListener.scala message=Space before token : line=58 column=39 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/Stage.scala message=Space before token : line=109 column=41 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/TaskResultGetter.scala message=Space before token : line=102 column=15 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/TaskSchedulerImpl.scala message=Space before token : line=245 column=48 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/scheduler/TaskSetManager.scala message=Space before token : line=656 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkConf.scala message=Space before token : line=551 column=48 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkContext.scala message=Space before token : line=2563 column=70 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=42 column=17 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=43 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=44 column=23 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=45 column=19 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=46 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=47 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=48 column=21 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=49 column=27 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token : line=50 column=25 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/status/api/v1/api.scala message=Space before token , line=118 column=28 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/storage/BlockManagerId.scala message=Space before token : line=38 column=28 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/storage/BlockManagerId.scala message=Space before token : line=39 column=22 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/storage/BlockManagerId.scala message=Space before token : line=40 column=22 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/TaskEndReason.scala message=Space before token : line=177 column=13 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/JettyUtils.scala message=Space before token : line=191 column=18 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/JettyUtils.scala message=Space before token : line=194 column=21 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/ExecutorTable.scala message=Space before token : line=103 column=36 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/StagePage.scala message=Space before token : line=308 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/StagePage.scala message=Space before token : line=308 column=51 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=31 column=17 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=32 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=33 column=23 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=34 column=19 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=35 column=21 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=36 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=37 column=22 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=38 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=39 column=27 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=40 column=21 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=41 column=28 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=42 column=27 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=43 column=25 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/jobs/UIData.scala message=Space before token : line=85 column=27 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/storage/RDDPage.scala message=Space before token : line=79 column=18 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/ui/storage/RDDPage.scala message=Space before token : line=79 column=49 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/collection/OpenHashMap.scala message=Space before token : line=34 column=20 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/collection/SortDataFormat.scala message=Space before token : line=86 column=43 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/CollectionsUtils.scala message=Space before token : line=25 column=25 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/CollectionsUtils.scala message=Space before token : line=25 column=36 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/CollectionsUtils.scala message=Space before token : line=25 column=48 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/CompletionIterator.scala message=Space before token : line=44 column=70 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/ListenerBus.scala message=Space before token : line=69 column=49 -warning file=/Users/royl/git/spark/core/src/main/scala/org/apache/spark/util/Utils.scala message=Space before token : line=108 column=47 -Saving to outputFile=/Users/royl/git/spark/core/target/scalastyle-output.xml -Processed 474 file(s) -Found 0 errors -Found 112 warnings -Found 0 infos -Finished in 7360 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-core_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-core_2.10 --- -[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/core/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-core_2.10/2.0.0-SNAPSHOT/spark-core_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project GraphX 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-graphx_2.10 --- -[INFO] Deleting /Users/royl/git/spark/graphx/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-graphx_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-graphx_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/graphx/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/graphx/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-graphx_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-graphx_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-graphx_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/graphx/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-graphx_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 37 Scala sources and 5 Java sources to /Users/royl/git/spark/graphx/target/scala-2.10/classes... -[WARNING] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:124: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[WARNING] var messages = g.mapReduceTriplets(sendMsg, mergeMsg) -[WARNING] ^ -[WARNING] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:138: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[WARNING] messages = g.mapReduceTriplets( -[WARNING] ^ -[WARNING] two warnings found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-graphx_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 5 source files to /Users/royl/git/spark/graphx/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-graphx_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/graphx/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-graphx_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 2 resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-graphx_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 19 Scala sources to /Users/royl/git/spark/graphx/target/scala-2.10/test-classes... -[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:224: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[WARNING] val result = graph.mapReduceTriplets[Int](et => Iterator((et.dstId, et.srcAttr)), _ + _) -[WARNING] ^ -[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:289: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[WARNING] val neighborDegreeSums = starDeg.mapReduceTriplets( -[WARNING] ^ -[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:299: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[WARNING] val numEvenNeighbors = vids.mapReduceTriplets(et => { -[WARNING] ^ -[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:315: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[WARNING] val numOddNeighbors = changedGraph.mapReduceTriplets(et => { -[WARNING] ^ -[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:350: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[WARNING] val neighborDegreeSums = reverseStarDegrees.mapReduceTriplets( -[WARNING] ^ -[WARNING] /Users/royl/git/spark/graphx/src/test/scala/org/apache/spark/graphx/GraphSuite.scala:423: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[WARNING] val neighborAttrSums = graph.mapReduceTriplets[Int]( -[WARNING] ^ -[WARNING] 6 warnings found -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-graphx_2.10 --- -[INFO] Nothing to compile - all classes are up to date -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-graphx_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-graphx_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-graphx_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-graphx_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-graphx_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-graphx_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-graphx_2.10 --- -[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.2 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. -[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. -[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. -[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. -[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. -[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. -[INFO] Excluding com.github.fommil.netlib:core:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.sourceforge.f2j:arpack_combined_all:jar:0.1 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/graphx/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/graphx/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/graphx/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-graphx_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-graphx_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-graphx_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-graphx_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-graphx_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-graphx_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-graphx_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-graphx_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 46 documentable templates -/Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/lib/TriangleCount.scala:24: warning: The link target "org.apache.spark.graphx.Graph#partitionBy" is ambiguous. Several members fit the target: -(partitionStrategy: org.apache.spark.graphx.PartitionStrategy,numPartitions: Int): org.apache.spark.graphx.Graph[VD,ED] in class Graph [chosen] -(partitionStrategy: org.apache.spark.graphx.PartitionStrategy): org.apache.spark.graphx.Graph[VD,ED] in class Graph - - -Quick crash course on using Scaladoc links -========================================== -Disambiguating terms and types: Prefix terms with '$' and types with '!' in case both names are in use: - - [[scala.collection.immutable.List!.apply class List's apply method]] and - - [[scala.collection.immutable.List$.apply object List's apply method]] -Disambiguating overloaded members: If a term is overloaded, you can indicate the first part of its signature followed by *: - - [[[scala.collection.immutable.List$.fill[A](Int)(⇒A):List[A]* Fill with a single parameter]]] - - [[[scala.collection.immutable.List$.fill[A](Int,Int)(⇒A):List[List[A]]* Fill with a two parameters]]] -Notes: - - you can use any number of matching square brackets to avoid interference with the signature - - you can use \\. to escape dots in prefixes (don't forget to use * at the end to match the signature!) - - you can use \\# to escape hashes, otherwise they will be considered as delimiters, like dots. -/** -^ -/Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Graph.scala:332: warning: The link target "partitionBy" is ambiguous. Several members fit the target: -(partitionStrategy: org.apache.spark.graphx.PartitionStrategy,numPartitions: Int): org.apache.spark.graphx.Graph[VD,ED] in class Graph [chosen] -(partitionStrategy: org.apache.spark.graphx.PartitionStrategy): org.apache.spark.graphx.Graph[VD,ED] in class Graph - - - /** - ^ -two warnings found -[INFO] Building jar: /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-graphx_2.10 --- -Saving to outputFile=/Users/royl/git/spark/graphx/target/scalastyle-output.xml -Processed 37 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 429 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-graphx_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-graphx_2.10 --- -[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/graphx/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-graphx_2.10/2.0.0-SNAPSHOT/spark-graphx_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Streaming 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming_2.10 --- -[INFO] Deleting /Users/royl/git/spark/streaming/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/streaming/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/streaming/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 2 resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 100 Scala sources and 5 Java sources to /Users/royl/git/spark/streaming/target/scala-2.10/classes... -[WARNING] /Users/royl/git/spark/streaming/src/main/scala/org/apache/spark/streaming/receiver/ActorReceiver.scala:191: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[WARNING] protected lazy val actorSupervisor = SparkEnv.get.actorSystem.actorOf(Props(new Supervisor), -[WARNING] ^ -[WARNING] one warning found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 5 source files to /Users/royl/git/spark/streaming/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/streaming/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 39 Scala sources and 8 Java sources to /Users/royl/git/spark/streaming/target/scala-2.10/test-classes... -[WARNING] /Users/royl/git/spark/streaming/src/test/scala/org/apache/spark/streaming/DStreamClosureSuite.scala:112: method foreach in class DStream is deprecated: use foreachRDD -[WARNING] expectCorrectException { ds.foreach(foreachF1) } -[WARNING] ^ -[WARNING] /Users/royl/git/spark/streaming/src/test/scala/org/apache/spark/streaming/DStreamClosureSuite.scala:113: method foreach in class DStream is deprecated: use foreachRDD -[WARNING] expectCorrectException { ds.foreach(foreachF2) } -[WARNING] ^ -[WARNING] two warnings found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 8 source files to /Users/royl/git/spark/streaming/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming_2.10 --- -[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. -[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. -[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. -[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. -[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Replacing original test artifact with shaded test artifact. -[INFO] Replacing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar with /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-shaded-tests.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/streaming/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/streaming/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/streaming/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/streaming/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 74 documentable templates -/Users/royl/git/spark/streaming/src/main/scala/org/apache/spark/streaming/State.scala:122: warning: Could not find any member to link for "scala.Option". - /** - ^ -one warning found -[INFO] Building jar: /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming_2.10 --- -Saving to outputFile=/Users/royl/git/spark/streaming/target/scalastyle-output.xml -Processed 100 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 1308 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming_2.10 --- -[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/streaming/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming_2.10/2.0.0-SNAPSHOT/spark-streaming_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Catalyst 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-catalyst_2.10 --- -[INFO] Deleting /Users/royl/git/spark/sql/catalyst/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-catalyst_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-catalyst_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/sql/catalyst/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/sql/catalyst/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-catalyst_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] --- antlr3-maven-plugin:3.5.2:antlr (default) @ spark-catalyst_2.10 --- -[INFO] ANTLR: Processing source directory /Users/royl/git/spark/sql/catalyst/src/main/antlr3 -ANTLR Parser Generator Version 3.5.2 -Output file /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlLexer.java does not exist: must build /Users/royl/git/spark/sql/catalyst/src/main/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g -org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g -Output file /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java does not exist: must build /Users/royl/git/spark/sql/catalyst/src/main/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.g -org/apache/spark/sql/catalyst/parser/SparkSqlParser.g -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-catalyst_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-catalyst_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/sql/catalyst/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-catalyst_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 156 Scala sources and 21 Java sources to /Users/royl/git/spark/sql/catalyst/target/scala-2.10/classes... -[WARNING] /Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/misc.scala:143: method shaHex in object DigestUtils is deprecated: see corresponding Javadoc for more information. -[WARNING] UTF8String.fromString(DigestUtils.shaHex(input.asInstanceOf[Array[Byte]])) -[WARNING] ^ -[WARNING] one warning found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:888: warning: [rawtypes] found raw type: Stack -[WARNING] Stack msgs = new Stack(); -[WARNING] ^ -[WARNING] missing type arguments for generic class Stack -[WARNING] where E is a type-variable: -[WARNING] E extends Object declared in class Stack -[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:1132: warning: [unchecked] unchecked call to push(E) as a member of the raw type Stack -[WARNING] msgs.push(msg); -[WARNING] ^ -[WARNING] where E is a type-variable: -[WARNING] E extends Object declared in class Stack -[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:1496: warning: [unchecked] unchecked call to push(E) as a member of the raw type Stack -[WARNING] msgs.push("explain option"); -[WARNING] ^ -[WARNING] where E is a type-variable: -[WARNING] E extends Object declared in class Stack -[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:7596: warning: [unchecked] unchecked call to push(E) as a member of the raw type Stack -[WARNING] msgs.push("alter partition key type"); -[WARNING] ^ -[WARNING] where E is a type-variable: -[WARNING] E extends Object declared in class Stack -[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:12703: warning: [unchecked] unchecked call to push(E) as a member of the raw type Stack -[WARNING] msgs.push("compaction request"); -[WARNING] ^ -[WARNING] where E is a type-variable: -[WARNING] E extends Object declared in class Stack -[WARNING] 6 warnings -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-catalyst_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 21 source files to /Users/royl/git/spark/sql/catalyst/target/scala-2.10/classes -[WARNING] /Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:[1132,16] [unchecked] unchecked call to push(E) as a member of the raw type Stack -[WARNING] where E is a type-variable: - E extends Object declared in class Stack -/Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:[1496,12] [unchecked] unchecked call to push(E) as a member of the raw type Stack -[WARNING] where E is a type-variable: - E extends Object declared in class Stack -/Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:[7596,11] [unchecked] unchecked call to push(E) as a member of the raw type Stack -[WARNING] where E is a type-variable: - E extends Object declared in class Stack -/Users/royl/git/spark/sql/catalyst/target/generated-sources/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.java:[12703,12] [unchecked] unchecked call to push(E) as a member of the raw type Stack -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-catalyst_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/sql/catalyst/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-catalyst_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-catalyst_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 80 Scala sources to /Users/royl/git/spark/sql/catalyst/target/scala-2.10/test-classes... -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-catalyst_2.10 --- -[INFO] Nothing to compile - all classes are up to date -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-catalyst_2.10 --- -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (test-jar-on-test-compile) @ spark-catalyst_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-catalyst_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-catalyst_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-catalyst_2.10 --- -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-catalyst_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-catalyst_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-catalyst_2.10 --- -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.2 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. -[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. -[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. -[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. -[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. -[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.8 from the shaded jar. -[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/catalyst/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/catalyst/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/catalyst/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-catalyst_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-catalyst_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (default) @ spark-catalyst_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-catalyst_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-catalyst_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-catalyst_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-catalyst_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] --- antlr3-maven-plugin:3.5.2:antlr (default) @ spark-catalyst_2.10 --- -[INFO] ANTLR: Processing source directory /Users/royl/git/spark/sql/catalyst/src/main/antlr3 -ANTLR Parser Generator Version 3.5.2 -Grammar /Users/royl/git/spark/sql/catalyst/src/main/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g is up to date - build skipped -Grammar /Users/royl/git/spark/sql/catalyst/src/main/antlr3/org/apache/spark/sql/catalyst/parser/SparkSqlParser.g is up to date - build skipped -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-catalyst_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-catalyst_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 720 documentable templates -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/Row.scala:66: warning: Could not find any member to link for "RowFactory.create()". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/Row.scala:295: warning: Could not find any member to link for "java.util.Map". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/Row.scala:280: warning: Could not find any member to link for "java.util.List". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/Row.scala:46: warning: Could not find any member to link for "Seq". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/AbstractDataType.scala:110: warning: Could not find any member to link for "AbstractDataType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/TimestampType.scala:27: warning: Could not find any member to link for "DataTypes.TimestampType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/StringType.scala:27: warning: Could not find any member to link for "DataTypes.StringType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/ShortType.scala:26: warning: Could not find any member to link for "DataTypes.ShortType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/NullType.scala:23: warning: Could not find any member to link for "DataTypes.NullType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/Metadata.scala:28: warning: Could not find any member to link for "Metadata.fromJson()". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/MapType.scala:24: warning: Could not find any member to link for "DataTypes.createMapType()". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/LongType.scala:26: warning: Could not find any member to link for "DataTypes.LongType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/IntegerType.scala:27: warning: Could not find any member to link for "DataTypes.IntegerType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/FloatType.scala:28: warning: Could not find any member to link for "DataTypes.FloatType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/DoubleType.scala:28: warning: Could not find any member to link for "DataTypes.DoubleType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/DecimalType.scala:28: warning: Could not find any member to link for "DataTypes.createDecimalType()". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/DateType.scala:27: warning: Could not find any member to link for "DataTypes.DateType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/CalendarIntervalType.scala:23: warning: Could not find any member to link for "DataTypes.CalendarIntervalType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/ByteType.scala:26: warning: Could not find any member to link for "DataTypes.ByteType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/BooleanType.scala:27: warning: Could not find any member to link for "DataTypes.BooleanType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/BinaryType.scala:28: warning: Could not find any member to link for "DataTypes.BinaryType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/ArrayType.scala:41: warning: Could not find any member to link for "DataTypes.createArrayType()". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/util/DateTimeUtils.scala:360: warning: Could not find any member to link for "Int". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/util/DateTimeUtils.scala:197: warning: Could not find any member to link for "Long". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/physical/partitioning.scala:46: warning: Could not find any member to link for "Expression". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/physical/partitioning.scala:60: warning: Could not find any member to link for "Expression". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/trees/TreeNode.scala:157: warning: Could not find any member to link for "TreeNode". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:131: warning: Could not find any member to link for "DataType". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/trees/TreeNode.scala:98: warning: Could not find any member to link for "TreeNode". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:54: warning: Could not find any member to link for "Coalesce". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:88: warning: Could not find any member to link for "GeneratedExpressionCode". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:111: warning: Could not find any member to link for "CodeGenContext". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala:44: warning: Could not find any member to link for "Generator". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/partitioning.scala:33: warning: Could not find any member to link for "Expression". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/LogicalPlan.scala:173: warning: Could not find any member to link for "NamedExpression". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/LogicalPlan.scala:163: warning: Could not find any member to link for "NamedExpression". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/LogicalPlan.scala:79: warning: Could not find any member to link for "Statistics". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala:474: warning: Could not find any member to link for "Statistics". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/planning/QueryPlanner.scala:33: warning: Could not find any member to link for "Strategy". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:618: warning: Could not find any member to link for "Filter". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:911: warning: Could not find any member to link for "Limit". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:481: warning: Could not find any member to link for "Expression". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:405: warning: Could not find any member to link for "Expression". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:499: warning: Could not find any member to link for "In". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:303: warning: Could not find any member to link for "Project". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:710: warning: Could not find any member to link for "Filter". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:686: warning: Could not find any member to link for "Filter". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:792: warning: Could not find any member to link for "Filter". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:644: warning: Could not find any member to link for "Filter". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:989: warning: Could not find any member to link for "Aggregate". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:977: warning: Could not find any member to link for "Distinct". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/optimizer/Optimizer.scala:892: warning: Could not find any member to link for "Cast". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/encoders/ExpressionEncoder.scala:35: warning: Could not find any member to link for "UnresolvedAttribute". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:1163: warning: Could not find any member to link for "Subquery". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/HiveTypeCoercion.scala:29: warning: Could not find any member to link for "Rule". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:332: warning: Variable c undefined in comment for method defineCodeGen in class UnresolvedAlias - protected def defineCodeGen( - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/HiveTypeCoercion.scala:714: warning: Could not find any member to link for "Expression". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/HiveTypeCoercion.scala:143: warning: Could not find any member to link for "AttributeReference". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:806: warning: Could not find any member to link for "WindowExpression". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:1098: warning: Could not find any member to link for "If". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:563: warning: Could not find any member to link for "Expression". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:323: warning: Could not find any member to link for "AttributeReference". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:1147: warning: Could not find any member to link for "AggregateWindowFunction". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala:715: warning: Could not find any member to link for "Project". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/ScalaReflection.scala:377: warning: Could not find any member to link for "UnsupportedOperationException". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/InternalRow.scala:69: warning: Could not find any member to link for "Seq". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/SpecificMutableRow.scala:63: warning: Variable tpe undefined in comment for class MutableValue in class MutableValue -abstract class MutableValue extends Serializable { - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/misc.scala:152: warning: Could not find any member to link for "BinaryType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/ExpectsInputTypes.scala:60: warning: Could not find any member to link for "ImplicitTypeCasts". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/InputFileName.scala:26: warning: Could not find any member to link for "SqlNewHadoopRDD". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/misc.scala:31: warning: Could not find any member to link for "BinaryType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/misc.scala:129: warning: Could not find any member to link for "BinaryType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/package.scala:67: warning: Could not find any member to link for "Iterator". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/aggregate/interfaces.scala:158: warning: Could not find any member to link for "AggregateFunction". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/aggregate/interfaces.scala:149: warning: Could not find any member to link for "AggregateFunction". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/namedExpressions.scala:175: warning: Could not find any member to link for "DataType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/namedExpressions.scala:132: warning: Could not find any member to link for "CodeGenContext". - /** Just a simple passthrough for code generation. */ - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/mathExpressions.scala:661: warning: Could not find any member to link for "NumericType". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/literals.scala:58: warning: Could not find any member to link for "ObjectType". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/datetimeExpressions.scala:566: warning: Could not find any member to link for "DateTimeUtils.getDayOfWeekFromString". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/arithmetic.scala:108: warning: Could not find any member to link for "Decimal". - /** Name of the function for this expression on a [[Decimal]] type. */ - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/arithmetic.scala:287: warning: Could not find any member to link for "CodeGenContext". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/arithmetic.scala:225: warning: Could not find any member to link for "CodeGenContext". - /** - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/aggregate/CentralMomentAgg.scala:26: warning: Could not find any member to link for "https://en.wikipedia.org/wiki/Algorithms_for_calculating_variance -". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/ScalaUDF.scala:72: warning: Variable x undefined in comment for method userDefinedFunc in class ScalaUDF - def userDefinedFunc(): AnyRef = function - ^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/ScalaUDF.scala:24: warning: Could not find any member to link for "Option". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala:31: warning: Could not find any member to link for "CodegenFallback". -/** -^ -/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/codegen/GenerateOrdering.scala:34: warning: Could not find any member to link for "Ordering". -/** -^ -88 warnings found -[INFO] Building jar: /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-catalyst_2.10 --- -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala message=Space before token : line=87 column=30 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala message=Space before token : line=113 column=15 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/Analyzer.scala message=Space before token : line=892 column=18 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/FunctionRegistry.scala message=Space before token : line=326 column=67 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/FunctionRegistry.scala message=Space before token : line=332 column=38 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/analysis/HiveTypeCoercion.scala message=Space before token , line=532 column=23 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/dsl/package.scala message=Space before token : line=64 column=16 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/dsl/package.scala message=Space before token : line=65 column=16 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/dsl/package.scala message=Space before token : line=66 column=16 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/dsl/package.scala message=Space before token : line=144 column=47 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/encoders/ExpressionEncoder.scala message=Space before token : line=47 column=14 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/encoders/package.scala message=Space before token : line=30 column=32 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/Expression.scala message=Space before token : line=167 column=21 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/stringExpressions.scala message=Space before token : line=49 column=29 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/stringExpressions.scala message=Space before token : line=102 column=57 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/expressions/stringExpressions.scala message=Space before token : line=993 column=17 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala message=Space before token : line=499 column=17 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala message=Space before token : line=525 column=20 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/plans/logical/basicOperators.scala message=Space before token : line=560 column=37 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/ScalaReflection.scala message=Space before token : line=52 column=20 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/ScalaReflection.scala message=Space before token : line=119 column=23 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/ScalaReflection.scala message=Space before token : line=389 column=22 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/SqlParser.scala message=Space before token , line=206 column=39 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/catalyst/util/NumberConverter.scala message=Space before token , line=125 column=29 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/ArrayType.scala message=Space before token : line=93 column=13 -warning file=/Users/royl/git/spark/sql/catalyst/src/main/scala/org/apache/spark/sql/types/Decimal.scala message=Space before token : line=313 column=14 -Saving to outputFile=/Users/royl/git/spark/sql/catalyst/target/scalastyle-output.xml -Processed 156 file(s) -Found 0 errors -Found 26 warnings -Found 0 infos -Finished in 3743 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-catalyst_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-catalyst_2.10 --- -[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/sql/catalyst/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-catalyst_2.10/2.0.0-SNAPSHOT/spark-catalyst_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project SQL 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-sql_2.10 --- -[INFO] Deleting /Users/royl/git/spark/sql/core/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-sql_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-sql_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/sql/core/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/sql/core/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-sql_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-sql_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-sql_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 4 resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-sql_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 162 Scala sources and 28 Java sources to /Users/royl/git/spark/sql/core/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-sql_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 28 source files to /Users/royl/git/spark/sql/core/target/scala-2.10/classes -[INFO] -[INFO] --- build-helper-maven-plugin:1.9.1:add-test-source (add-scala-test-sources) @ spark-sql_2.10 --- -[INFO] Test Source directory: /Users/royl/git/spark/sql/core/src/test/gen-java added. -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-sql_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/sql/core/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-sql_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 16 resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-sql_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 117 Scala sources and 16 Java sources to /Users/royl/git/spark/sql/core/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroArrayOfArray.java:135: warning: [unchecked] unchecked cast -[WARNING] record.int_arrays_column = fieldSetFlags()[0] ? this.int_arrays_column : (java.util.List>) defaultValue(fields()[0]); -[WARNING] ^ -[WARNING] required: List> -[WARNING] found: Object -[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroMapOfArray.java:135: warning: [unchecked] unchecked cast -[WARNING] record.string_to_ints_column = fieldSetFlags()[0] ? this.string_to_ints_column : (java.util.Map>) defaultValue(fields()[0]); -[WARNING] ^ -[WARNING] required: Map> -[WARNING] found: Object -[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroNonNullableArrays.java:188: warning: [unchecked] unchecked cast -[WARNING] record.strings_column = fieldSetFlags()[0] ? this.strings_column : (java.util.List) defaultValue(fields()[0]); -[WARNING] ^ -[WARNING] required: List -[WARNING] found: Object -[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroNonNullableArrays.java:189: warning: [unchecked] unchecked cast -[WARNING] record.maybe_ints_column = fieldSetFlags()[1] ? this.maybe_ints_column : (java.util.List) defaultValue(fields()[1]); -[WARNING] ^ -[WARNING] required: List -[WARNING] found: Object -[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/Nested.java:188: warning: [unchecked] unchecked cast -[WARNING] record.nested_ints_column = fieldSetFlags()[0] ? this.nested_ints_column : (java.util.List) defaultValue(fields()[0]); -[WARNING] ^ -[WARNING] required: List -[WARNING] found: Object -[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:241: warning: [unchecked] unchecked cast -[WARNING] record.strings_column = fieldSetFlags()[0] ? this.strings_column : (java.util.List) defaultValue(fields()[0]); -[WARNING] ^ -[WARNING] required: List -[WARNING] found: Object -[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:242: warning: [unchecked] unchecked cast -[WARNING] record.string_to_int_column = fieldSetFlags()[1] ? this.string_to_int_column : (java.util.Map) defaultValue(fields()[1]); -[WARNING] ^ -[WARNING] required: Map -[WARNING] found: Object -[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:243: warning: [unchecked] unchecked cast -[WARNING] record.complex_column = fieldSetFlags()[2] ? this.complex_column : (java.util.Map>) defaultValue(fields()[2]); -[WARNING] ^ -[WARNING] required: Map> -[WARNING] found: Object -[WARNING] 9 warnings -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-sql_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 16 source files to /Users/royl/git/spark/sql/core/target/scala-2.10/test-classes -[WARNING] /Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroArrayOfArray.java:[135,145] [unchecked] unchecked cast -[WARNING] required: List> - found: Object -/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/Nested.java:[188,131] [unchecked] unchecked cast -[WARNING] required: List - found: Object -/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:[241,122] [unchecked] unchecked cast -[WARNING] required: List - found: Object -/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:[242,151] [unchecked] unchecked cast -[WARNING] required: Map - found: Object -/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/ParquetAvroCompat.java:[243,205] [unchecked] unchecked cast -[WARNING] required: Map> - found: Object -/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroMapOfArray.java:[135,169] [unchecked] unchecked cast -[WARNING] required: Map> - found: Object -/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroNonNullableArrays.java:[188,122] [unchecked] unchecked cast -[WARNING] required: List - found: Object -/Users/royl/git/spark/sql/core/src/test/gen-java/org/apache/spark/sql/execution/datasources/parquet/test/avro/AvroNonNullableArrays.java:[189,129] [unchecked] unchecked cast -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-sql_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-sql_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-sql_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-sql_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-sql_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-sql_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-sql_2.10 --- -[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. -[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. -[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. -[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. -[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. -[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.8 from the shaded jar. -[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/core/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/core/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/core/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-sql_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-sql_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-sql_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-sql_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-sql_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-sql_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-sql_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-sql_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 237 documentable templates -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala:30: warning: The link target "DataFrame.groupBy" is ambiguous. Several members fit the target: -(col1: String,cols: String*): org.apache.spark.sql.GroupedData in class DataFrame [chosen] -(cols: org.apache.spark.sql.Column*): org.apache.spark.sql.GroupedData in class DataFrame - - -Quick crash course on using Scaladoc links -========================================== -Disambiguating terms and types: Prefix terms with '$' and types with '!' in case both names are in use: - - [[scala.collection.immutable.List!.apply class List's apply method]] and - - [[scala.collection.immutable.List$.apply object List's apply method]] -Disambiguating overloaded members: If a term is overloaded, you can indicate the first part of its signature followed by *: - - [[[scala.collection.immutable.List$.fill[A](Int)(⇒A):List[A]* Fill with a single parameter]]] - - [[[scala.collection.immutable.List$.fill[A](Int,Int)(⇒A):List[List[A]]* Fill with a two parameters]]] -Notes: - - you can use any number of matching square brackets to avoid interference with the signature - - you can use \\. to escape dots in prefixes (don't forget to use * at the end to match the signature!) - - you can use \\# to escape hashes, otherwise they will be considered as delimiters, like dots. -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:42: warning: Could not find any member to link for "Encoder". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:419: warning: Could not find any member to link for "Row". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:237: warning: Could not find any member to link for "RDD". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:328: warning: Could not find any member to link for "org.apache.spark.sql.catalyst.plans.logical.LogicalPlan". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:205: warning: Could not find any member to link for "StructType". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala:65: warning: Could not find any member to link for "org.apache.spark.sql.types.DataType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala:77: warning: Could not find any member to link for "org.apache.spark.sql.types.StringType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:970: warning: Variable index + 1 undefined in comment for method struct in object functions - def struct(cols: Column*): Column = withExpr { CreateStruct(cols.map(_.expr)) } - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:2177: warning: Could not find any member to link for "java.text.SimpleDateFormat". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:433: warning: The link target "stddev_samp" is ambiguous. Several members fit the target: -(columnName: String): org.apache.spark.sql.Column in object functions [chosen] -(e: org.apache.spark.sql.Column): org.apache.spark.sql.Column in object functions - - - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:425: warning: The link target "stddev_samp" is ambiguous. Several members fit the target: -(columnName: String): org.apache.spark.sql.Column in object functions [chosen] -(e: org.apache.spark.sql.Column): org.apache.spark.sql.Column in object functions - - - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:517: warning: The link target "var_samp" is ambiguous. Several members fit the target: -(columnName: String): org.apache.spark.sql.Column in object functions [chosen] -(e: org.apache.spark.sql.Column): org.apache.spark.sql.Column in object functions - - - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala:509: warning: The link target "var_samp" is ambiguous. Several members fit the target: -(columnName: String): org.apache.spark.sql.Column in object functions [chosen] -(e: org.apache.spark.sql.Column): org.apache.spark.sql.Column in object functions - - - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/udaf.scala:134: warning: Could not find any member to link for "Row". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/udaf.scala:49: warning: Could not find any member to link for "StructType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/udaf.scala:66: warning: Could not find any member to link for "DataType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/udaf.scala:33: warning: Could not find any member to link for "StructType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:435: warning: Could not find any member to link for "BaseRelation". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:549: warning: Could not find any member to link for "java.util.List". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:535: warning: Could not find any member to link for "JavaRDD". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:445: warning: Could not find any member to link for "RDD". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:804: warning: Could not find any member to link for "LongType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:791: warning: Could not find any member to link for "LongType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:778: warning: Could not find any member to link for "LongType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala:767: warning: Could not find any member to link for "LongType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:30: warning: Could not find any member to link for "GroupedDataset)". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:124: warning: Could not find any member to link for "Aggregator". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:96: warning: Could not find any member to link for "Aggregator". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:166: warning: Could not find any member to link for "Aggregator". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala:145: warning: Could not find any member to link for "Aggregator". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:36: warning: Could not find any member to link for "RDD". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:274: warning: Could not find any member to link for "RDD". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:670: warning: Could not find any member to link for "Tuple2". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:626: warning: Could not find any member to link for "Tuple2". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:162: warning: Could not find any member to link for "RDD". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala:145: warning: Could not find any member to link for "Row". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameWriter.scala:266: warning: Could not find any member to link for "HadoopFsRelation". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameStatFunctions.scala:132: warning: Variable col1 undefined in comment for method crosstab in class DataFrameStatFunctions - def crosstab(col1: String, col2: String): DataFrame = { - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:121: warning: Could not find any member to link for "SQLConf.dataFrameEagerAnalysis". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1570: warning: Could not find any member to link for "RDD". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1484: warning: Could not find any member to link for "Row". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1497: warning: Could not find any member to link for "Row". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1665: warning: Could not find any member to link for "JavaRDD". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1642: warning: Could not find any member to link for "RDD". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala:1658: warning: Could not find any member to link for "JavaRDD". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1132: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1126: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1053: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1059: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1101: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1113: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1107: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1089: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1083: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:746: warning: Could not find any member to link for "StructType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:737: warning: Could not find any member to link for "MapType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1071: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1077: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1138: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1065: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1095: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1153: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1147: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala:1120: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/python.scala:339: warning: Could not find any member to link for "PythonUDF". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/python.scala:324: warning: Could not find any member to link for "PythonUDF". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/Generate.scala:36: warning: Could not find any member to link for "Generator". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/ShuffledRowRDD.scala:88: warning: Could not find any member to link for "org.apache.spark.rdd.ShuffledRDD". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/local/BinaryHashJoinNode.scala:25: warning: Could not find any member to link for "HashedRelation". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/local/LocalNode.scala:72: warning: Could not find any member to link for "Iterator". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/local/BroadcastHashJoinNode.scala:26: warning: Could not find any member to link for "HashedRelation". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/basicOperators.scala:279: warning: Could not find any member to link for "RDD". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/SortBasedAggregationIterator.scala:25: warning: Could not find any member to link for "AggregateFunction". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/TungstenAggregationIterator.scala:30: warning: Could not find any member to link for "UnsafeRow". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/AggregationIterator.scala:27: warning: Could not find any member to link for "AggregateMode". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/Window.scala:34: warning: Could not find any member to link for "OffsetWindowFunction". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/SparkStrategies.scala:64: warning: Could not find any member to link for "ExtractEquiJoinKeys". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/LogicalRelation.scala:24: warning: Could not find any member to link for "BaseRelation". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/sources/interfaces.scala:399: warning: Could not find any member to link for "OutputWriter". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/json/JSONOptions.scala:22: warning: Could not find any member to link for "JsonParser.Feature". -/** -^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/json/JSONOptions.scala:37: warning: Could not find any member to link for "JsonFactory". - /** Sets config options on a Jackson [[JsonFactory]]. */ - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/jdbc/JdbcUtils.scala:106: warning: Could not find any member to link for "org.apache.spark.sql.types.StringType". - /** - ^ -/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/ddl.scala:68: warning: Could not find any member to link for "UnaryNode". -/** -^ -84 warnings found -[INFO] Building jar: /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-sql_2.10 --- -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/api/r/SQLUtils.scala message=Space before token : line=42 column=30 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala message=Space before token : line=155 column=11 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala message=Space before token : line=188 column=14 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Column.scala message=Space before token : line=204 column=14 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=207 column=11 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=230 column=19 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=582 column=62 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=611 column=42 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=634 column=86 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=643 column=62 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=723 column=90 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=951 column=36 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=989 column=79 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1121 column=27 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1150 column=19 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1189 column=21 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1210 column=21 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1234 column=21 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1247 column=22 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1286 column=25 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1482 column=80 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrame.scala message=Space before token : line=1508 column=44 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameHolder.scala message=Space before token : line=36 column=60 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameNaFunctions.scala message=Space before token : line=167 column=26 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameNaFunctions.scala message=Space before token : line=194 column=26 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameNaFunctions.scala message=Space before token : line=367 column=26 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameNaFunctions.scala message=Space before token : line=398 column=26 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameReader.scala message=Space before token : line=206 column=29 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameReader.scala message=Space before token : line=265 column=66 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/DataFrameReader.scala message=Space before token : line=358 column=66 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=134 column=11 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=321 column=12 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=336 column=22 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=363 column=16 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=435 column=16 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=569 column=69 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=576 column=57 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=734 column=82 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/Dataset.scala message=Space before token : line=789 column=30 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/TypedAggregateExpression.scala message=Space before token : line=32 column=17 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/aggregate/TypedAggregateExpression.scala message=Space before token : line=32 column=30 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/parquet/CatalystSchemaConverter.scala message=Space before token : line=560 column=52 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/parquet/CatalystSchemaConverter.scala message=Space before token : line=560 column=59 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/datasources/SqlNewHadoopRDD.scala message=Space before token : line=259 column=17 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/Exchange.scala message=Space before token , line=226 column=73 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/joins/CartesianProduct.scala message=Space before token : line=37 column=30 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/joins/CartesianProduct.scala message=Space before token : line=37 column=54 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/metric/SQLMetrics.scala message=Space before token : line=67 column=57 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/Queryable.scala message=Space before token : line=74 column=18 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/stat/FrequentItems.scala message=Space before token : line=97 column=50 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/execution/stat/FrequentItems.scala message=Space before token : line=118 column=34 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/Window.scala message=Space before token : line=47 column=39 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/Window.scala message=Space before token : line=56 column=26 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/Window.scala message=Space before token : line=65 column=35 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/expressions/Window.scala message=Space before token : line=74 column=22 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala message=Space before token : line=309 column=68 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala message=Space before token : line=771 column=41 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/functions.scala message=Space before token : line=980 column=42 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=232 column=37 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=244 column=37 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=256 column=37 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=268 column=37 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedData.scala message=Space before token : line=280 column=37 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala message=Space before token : line=76 column=14 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala message=Space before token : line=113 column=22 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala message=Space before token : line=161 column=18 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/GroupedDataset.scala message=Space before token : line=305 column=19 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/AggregatedDialect.scala message=Space before token : line=33 column=29 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=34 column=43 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=34 column=66 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=63 column=20 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=133 column=44 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=142 column=32 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=142 column=47 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/JdbcDialects.scala message=Space before token : line=172 column=29 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/jdbc/MySQLDialect.scala message=Space before token : line=26 column=29 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=412 column=35 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=428 column=35 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=501 column=22 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=510 column=22 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLContext.scala message=Space before token : line=519 column=22 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=40 column=46 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=70 column=36 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=78 column=41 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=92 column=49 -warning file=/Users/royl/git/spark/sql/core/src/main/scala/org/apache/spark/sql/SQLImplicits.scala message=Space before token : line=100 column=54 -Saving to outputFile=/Users/royl/git/spark/sql/core/target/scalastyle-output.xml -Processed 162 file(s) -Found 0 errors -Found 86 warnings -Found 0 infos -Finished in 3007 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-sql_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-sql_2.10 --- -[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/sql/core/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-sql_2.10/2.0.0-SNAPSHOT/spark-sql_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project ML Library 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-mllib_2.10 --- -[INFO] Deleting /Users/royl/git/spark/mllib/target -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-mllib_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-mllib_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/mllib/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/mllib/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-mllib_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-mllib_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-mllib_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-mllib_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 238 Scala sources and 4 Java sources to /Users/royl/git/spark/mllib/target/scala-2.10/classes... -[WARNING] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/api/python/PythonMLLibAPI.scala:343: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[WARNING] .setRuns(runs) -[WARNING] ^ -[WARNING] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:516: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[WARNING] .setRuns(runs) -[WARNING] ^ -[WARNING] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:541: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[WARNING] .setRuns(runs) -[WARNING] ^ -[WARNING] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:388: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[WARNING] .setRuns(5) -[WARNING] ^ -[WARNING] four warnings found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-mllib_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 4 source files to /Users/royl/git/spark/mllib/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-mllib_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/mllib/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-mllib_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-mllib_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 143 Scala sources and 60 Java sources to /Users/royl/git/spark/mllib/target/scala-2.10/test-classes... -[WARNING] /Users/royl/git/spark/mllib/src/test/scala/org/apache/spark/mllib/fpm/FPGrowthSuite.scala:303: inferred existential type Array[(scala.collection.immutable.Set[_$2], Long)] forSome { type _$2 }, which cannot be expressed by wildcards, should be enabled -by making the implicit value scala.language.existentials visible. -This can be achieved by adding the import clause 'import scala.language.existentials' -or by setting the compiler option -language:existentials. -See the Scala docs for value scala.language.existentials for a discussion -why the feature should be explicitly enabled. -[WARNING] val newFreqItemsets = newModel.freqItemsets.collect().map { itemset => -[WARNING] ^ -[WARNING] /Users/royl/git/spark/mllib/src/test/scala/org/apache/spark/mllib/fpm/FPGrowthSuite.scala:337: inferred existential type Array[(scala.collection.immutable.Set[_$2], Long)] forSome { type _$2 }, which cannot be expressed by wildcards, should be enabled -by making the implicit value scala.language.existentials visible. -[WARNING] val newFreqItemsets = newModel.freqItemsets.collect().map { itemset => -[WARNING] ^ -[WARNING] two warnings found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] /Users/royl/git/spark/mllib/src/test/java/org/apache/spark/mllib/fpm/JavaFPGrowthSuite.java:98: warning: [rawtypes] found raw type: FPGrowthModel -[WARNING] FPGrowthModel newModel = FPGrowthModel.load(sc.sc(), outputPath); -[WARNING] ^ -[WARNING] missing type arguments for generic class FPGrowthModel -[WARNING] where Item is a type-variable: -[WARNING] Item extends Object declared in class FPGrowthModel -[WARNING] /Users/royl/git/spark/mllib/src/test/java/org/apache/spark/mllib/fpm/JavaFPGrowthSuite.java:100: warning: [unchecked] unchecked conversion -[WARNING] .collect(); -[WARNING] ^ -[WARNING] required: List> -[WARNING] found: List -[WARNING] 3 warnings -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-mllib_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 60 source files to /Users/royl/git/spark/mllib/target/scala-2.10/test-classes -[WARNING] /Users/royl/git/spark/mllib/src/test/java/org/apache/spark/mllib/fpm/JavaFPGrowthSuite.java:[100,16] [unchecked] unchecked conversion -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-mllib_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-mllib_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-mllib_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-mllib_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-mllib_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-mllib_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-mllib_2.10 --- -[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. -[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. -[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. -[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. -[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-streaming_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-sql_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. -[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.8 from the shaded jar. -[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-graphx_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding com.github.fommil.netlib:core:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.sourceforge.f2j:arpack_combined_all:jar:0.1 from the shaded jar. -[INFO] Excluding org.scalanlp:breeze_2.10:jar:0.11.2 from the shaded jar. -[INFO] Excluding org.scalanlp:breeze-macros_2.10:jar:0.11.2 from the shaded jar. -[INFO] Excluding org.scalamacros:quasiquotes_2.10:jar:2.0.0-M8 from the shaded jar. -[INFO] Excluding net.sf.opencsv:opencsv:jar:2.3 from the shaded jar. -[INFO] Excluding com.github.rwl:jtransforms:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.spire-math:spire_2.10:jar:0.7.4 from the shaded jar. -[INFO] Excluding org.spire-math:spire-macros_2.10:jar:0.7.4 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. -[INFO] Excluding org.jpmml:pmml-model:jar:1.2.7 from the shaded jar. -[INFO] Excluding org.jpmml:pmml-agent:jar:1.2.7 from the shaded jar. -[INFO] Excluding org.jpmml:pmml-schema:jar:1.2.7 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/mllib/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/mllib/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/mllib/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-mllib_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-mllib_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-mllib_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-mllib_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-mllib_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-mllib_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-mllib_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-mllib_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 454 documentable templates -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/util/MLUtils.scala:271: warning: Could not find any member to link for "kFold()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/util/MLUtils.scala:161: warning: The link target "org.apache.spark.mllib.util.MLUtils#loadLibSVMFile" is ambiguous. Several members fit the target: -(sc: org.apache.spark.SparkContext,path: String): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils [chosen] -(sc: org.apache.spark.SparkContext,path: String,multiclass: Boolean): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils -(sc: org.apache.spark.SparkContext,path: String,multiclass: Boolean,numFeatures: Int): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils -(sc: org.apache.spark.SparkContext,path: String,numFeatures: Int): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils -(sc: org.apache.spark.SparkContext,path: String,multiclass: Boolean,numFeatures: Int,minPartitions: Int): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils -(sc: org.apache.spark.SparkContext,path: String,numFeatures: Int,minPartitions: Int): org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint] in object MLUtils - - -Quick crash course on using Scaladoc links -========================================== -Disambiguating terms and types: Prefix terms with '$' and types with '!' in case both names are in use: - - [[scala.collection.immutable.List!.apply class List's apply method]] and - - [[scala.collection.immutable.List$.apply object List's apply method]] -Disambiguating overloaded members: If a term is overloaded, you can indicate the first part of its signature followed by *: - - [[[scala.collection.immutable.List$.fill[A](Int)(⇒A):List[A]* Fill with a single parameter]]] - - [[[scala.collection.immutable.List$.fill[A](Int,Int)(⇒A):List[List[A]]* Fill with a two parameters]]] -Notes: - - you can use any number of matching square brackets to avoid interference with the signature - - you can use \\. to escape dots in prefixes (don't forget to use * at the end to match the signature!) - - you can use \\# to escape hashes, otherwise they will be considered as delimiters, like dots. - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/model/treeEnsembleModels.scala:349: warning: Could not find any member to link for "org.apache.spark.mllib.tree.model.TreeEnsembleModel#predict". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/configuration/Strategy.scala:28: warning: Could not find any member to link for "org.apache.spark.SparkContext". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/configuration/BoostingStrategy.scala:26: warning: Could not find any member to link for "org.apache.spark.mllib.tree.GradientBoostedTrees.run()". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/RandomForest.scala:334: warning: The link target "org.apache.spark.mllib.tree.RandomForest$#trainClassifier" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],numTrees: Int,featureSubsetStrategy: String,impurity: String,maxDepth: Int,maxBins: Int,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],numTrees: Int,featureSubsetStrategy: String,impurity: String,maxDepth: Int,maxBins: Int,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],strategy: org.apache.spark.mllib.tree.configuration.Strategy,numTrees: Int,featureSubsetStrategy: String,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/RandomForest.scala:421: warning: The link target "org.apache.spark.mllib.tree.RandomForest$#trainRegressor" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],categoricalFeaturesInfo: java.util.Map[Integer,Integer],numTrees: Int,featureSubsetStrategy: String,impurity: String,maxDepth: Int,maxBins: Int,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],categoricalFeaturesInfo: Map[Int,Int],numTrees: Int,featureSubsetStrategy: String,impurity: String,maxDepth: Int,maxBins: Int,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],strategy: org.apache.spark.mllib.tree.configuration.Strategy,numTrees: Int,featureSubsetStrategy: String,seed: Int): org.apache.spark.mllib.tree.model.RandomForestModel in object RandomForest - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/GradientBoostedTrees.scala:144: warning: The link target "org.apache.spark.mllib.tree.GradientBoostedTrees$#train" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],boostingStrategy: org.apache.spark.mllib.tree.configuration.BoostingStrategy): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in object GradientBoostedTrees [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],boostingStrategy: org.apache.spark.mllib.tree.configuration.BoostingStrategy): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in object GradientBoostedTrees - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/GradientBoostedTrees.scala:75: warning: The link target "org.apache.spark.mllib.tree.GradientBoostedTrees!#run" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint]): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in class GradientBoostedTrees [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint]): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in class GradientBoostedTrees - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/GradientBoostedTrees.scala:114: warning: The link target "org.apache.spark.mllib.tree.GradientBoostedTrees!#runWithValidation" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],validationInput: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint]): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in class GradientBoostedTrees [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],validationInput: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint]): org.apache.spark.mllib.tree.model.GradientBoostedTreesModel in class GradientBoostedTrees - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/GradientBoostedTrees.scala:83: warning: Could not find any member to link for "org.apache.spark.rdd.RDD.randomSplit()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:938: warning: Could not find any member to link for "org.apache.spark.mllib.tree.model.Bin". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:145: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:116: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:89: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:68: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:214: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainClassifier" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],numClasses: Int,categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/tree/DecisionTree.scala:258: warning: The link target "org.apache.spark.mllib.tree.DecisionTree$#trainRegressor" is ambiguous. Several members fit the target: -(input: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.regression.LabeledPoint],categoricalFeaturesInfo: java.util.Map[Integer,Integer],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree [chosen] -(input: org.apache.spark.rdd.RDD[org.apache.spark.mllib.regression.LabeledPoint],categoricalFeaturesInfo: Map[Int,Int],impurity: String,maxDepth: Int,maxBins: Int): org.apache.spark.mllib.tree.model.DecisionTreeModel in object DecisionTree - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/test/StreamingTest.scala:44: warning: Could not find any member to link for "org.apache.spark.rdd.RDD". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/test/StreamingTest.scala:118: warning: Could not find any member to link for "JavaDStream". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/test/StreamingTest.scala:101: warning: Could not find any member to link for "DStream". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/Statistics.scala:179: warning: Could not find any member to link for "chiSqTest()". - /** Java-friendly version of [[chiSqTest()]] */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/Statistics.scala:114: warning: Could not find any member to link for "corr()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/Statistics.scala:90: warning: Could not find any member to link for "corr()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/stat/Statistics.scala:220: warning: Could not find any member to link for "kolmogorovSmirnovTest()". - /** Java-friendly version of [[kolmogorovSmirnovTest()]] */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/util/modelSaveLoad.scala:72: warning: Could not find any member to link for "Saveable.save". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/util/modelSaveLoad.scala:41: warning: Could not find any member to link for "Loader.load". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/MatrixFactorizationModel.scala:319: warning: Could not find any member to link for "Saveable.save". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/MatrixFactorizationModel.scala:147: warning: The link target "MatrixFactorizationModel.predict" is ambiguous. Several members fit the target: -(usersProducts: org.apache.spark.api.java.JavaPairRDD[Integer,Integer]): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.recommendation.Rating] in class MatrixFactorizationModel [chosen] -(usersProducts: org.apache.spark.rdd.RDD[(Int, Int)]): org.apache.spark.rdd.RDD[org.apache.spark.mllib.recommendation.Rating] in class MatrixFactorizationModel -(user: Int,product: Int): Double in class MatrixFactorizationModel - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/MatrixFactorizationModel.scala:190: warning: Could not find any member to link for "Loader.load". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/ALS.scala:269: warning: The link target "ALS.run" is ambiguous. Several members fit the target: -(ratings: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.recommendation.Rating]): org.apache.spark.mllib.recommendation.MatrixFactorizationModel in class ALS [chosen] -(ratings: org.apache.spark.rdd.RDD[org.apache.spark.mllib.recommendation.Rating]): org.apache.spark.mllib.recommendation.MatrixFactorizationModel in class ALS - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/recommendation/ALS.scala:206: warning: Could not find any member to link for "org.apache.spark.SparkContext". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/rdd/RDDFunctions.scala:49: warning: Could not find any member to link for "sliding(Int,". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/rdd/RDDFunctions.scala:64: warning: Could not find any member to link for "org.apache.spark.rdd.RDD#treeAggregate". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/rdd/RDDFunctions.scala:54: warning: Could not find any member to link for "org.apache.spark.rdd.RDD#treeReduce". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:239: warning: The link target "RandomRDDs#exponentialJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:227: warning: The link target "RandomRDDs#exponentialJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:748: warning: The link target "RandomRDDs#exponentialJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:735: warning: The link target "RandomRDDs#exponentialJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:298: warning: The link target "RandomRDDs#gammaJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:285: warning: The link target "RandomRDDs#gammaJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:817: warning: The link target "RandomRDDs#gammaJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:803: warning: The link target "RandomRDDs#gammaJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,shape: Double,scale: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:361: warning: The link target "RandomRDDs#logNormalJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:348: warning: The link target "RandomRDDs#logNormalJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:619: warning: The link target "RandomRDDs#logNormalJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:605: warning: The link target "RandomRDDs#logNormalJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,std: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:129: warning: The link target "RandomRDDs#normalJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:121: warning: The link target "RandomRDDs#normalJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:552: warning: The link target "RandomRDDs#normalJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:540: warning: The link target "RandomRDDs#normalJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:184: warning: The link target "RandomRDDs#poissonJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:172: warning: The link target "RandomRDDs#poissonJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:684: warning: The link target "RandomRDDs#poissonJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:671: warning: The link target "RandomRDDs#poissonJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,mean: Double,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:433: warning: The link target "RandomRDDs#randomJavaRDD" is ambiguous. Several members fit the target: -[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs [chosen] -[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long,numPartitions: Int): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs -[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:420: warning: The link target "RandomRDDs#randomJavaRDD" is ambiguous. Several members fit the target: -[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs [chosen] -[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long,numPartitions: Int): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs -[T](jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[T],size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[T] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:885: warning: The link target "RandomRDDs#randomJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:871: warning: The link target "RandomRDDs#randomJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,generator: org.apache.spark.mllib.random.RandomDataGenerator[Double],numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:79: warning: The link target "RandomRDDs#uniformJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:71: warning: The link target "RandomRDDs#uniformJavaRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,size: Long,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaDoubleRDD in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:494: warning: The link target "RandomRDDs#uniformJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/random/RandomRDDs.scala:482: warning: The link target "RandomRDDs#uniformJavaVectorRDD" is ambiguous. Several members fit the target: -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs [chosen] -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs -(jsc: org.apache.spark.api.java.JavaSparkContext,numRows: Long,numCols: Int,numPartitions: Int,seed: Long): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.linalg.Vector] in object RandomRDDs - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/optimization/GradientDescent.scala:269: warning: The link target "runMiniBatchSGD" is ambiguous. Several members fit the target: -(data: org.apache.spark.rdd.RDD[(Double, org.apache.spark.mllib.linalg.Vector)],gradient: org.apache.spark.mllib.optimization.Gradient,updater: org.apache.spark.mllib.optimization.Updater,stepSize: Double,numIterations: Int,regParam: Double,miniBatchFraction: Double,initialWeights: org.apache.spark.mllib.linalg.Vector): (org.apache.spark.mllib.linalg.Vector, Array[Double]) in object GradientDescent [chosen] -(data: org.apache.spark.rdd.RDD[(Double, org.apache.spark.mllib.linalg.Vector)],gradient: org.apache.spark.mllib.optimization.Gradient,updater: org.apache.spark.mllib.optimization.Updater,stepSize: Double,numIterations: Int,regParam: Double,miniBatchFraction: Double,initialWeights: org.apache.spark.mllib.linalg.Vector,convergenceTol: Double): (org.apache.spark.mllib.linalg.Vector, Array[Double]) in object GradientDescent - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala:77: warning: Could not find any member to link for "java.util.Arrays.hashCode". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala:263: warning: Could not find any member to link for "scala.collection.immutable.Vector". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/linalg/Vectors.scala:185: warning: Could not find any member to link for "org.apache.spark.sql.DataFrame". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/PrefixSpan.scala:205: warning: Could not find any member to link for "run()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/FPGrowth.scala:216: warning: The link target "run" is ambiguous. Several members fit the target: -[Item, Basket <: Iterable[Item]](data: org.apache.spark.api.java.JavaRDD[Basket]): org.apache.spark.mllib.fpm.FPGrowthModel[Item] in class FPGrowth [chosen] -[Item](data: org.apache.spark.rdd.RDD[Array[Item]])(implicit evidence$3: scala.reflect.ClassTag[Item]): org.apache.spark.mllib.fpm.FPGrowthModel[Item] in class FPGrowth - - - /** Java-friendly version of [[run]]. */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/FPGrowth.scala:44: warning: Could not find any member to link for "FreqItemset". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/FPGrowth.scala:53: warning: Could not find any member to link for "Item". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/AssociationRules.scala:30: warning: Could not find any member to link for "RDD[FreqItemset[Item". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/AssociationRules.scala:85: warning: The link target "run" is ambiguous. Several members fit the target: -[Item](freqItemsets: org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.fpm.FPGrowth.FreqItemset[Item]]): org.apache.spark.api.java.JavaRDD[org.apache.spark.mllib.fpm.AssociationRules.Rule[Item]] in class AssociationRules [chosen] -[Item](freqItemsets: org.apache.spark.rdd.RDD[org.apache.spark.mllib.fpm.FPGrowth.FreqItemset[Item]])(implicit evidence$1: scala.reflect.ClassTag[Item]): org.apache.spark.rdd.RDD[org.apache.spark.mllib.fpm.AssociationRules.Rule[Item]] in class AssociationRules - - - /** Java-friendly version of [[run]]. */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/fpm/AssociationRules.scala:58: warning: Could not find any member to link for "minConfidence". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/feature/PCA.scala:89: warning: Could not find any member to link for "PCA.fit()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/feature/PCA.scala:71: warning: Could not find any member to link for "fit()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:208: warning: The link target "PowerIterationClustering.run" is ambiguous. Several members fit the target: -(similarities: org.apache.spark.api.java.JavaRDD[(Long, Long, Double)]): org.apache.spark.mllib.clustering.PowerIterationClusteringModel in class PowerIterationClustering [chosen] -(similarities: org.apache.spark.rdd.RDD[(Long, Long, Double)]): org.apache.spark.mllib.clustering.PowerIterationClusteringModel in class PowerIterationClustering -(graph: org.apache.spark.graphx.Graph[Double,Double]): org.apache.spark.mllib.clustering.PowerIterationClusteringModel in class PowerIterationClustering - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAOptimizer.scala:319: warning: Could not find any member to link for "LDA.setMaxIterations()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAModel.scala:239: warning: The link target "logLikelihood" is ambiguous. Several members fit the target: -(documents: org.apache.spark.api.java.JavaPairRDD[Long,org.apache.spark.mllib.linalg.Vector]): Double in class LocalLDAModel [chosen] -(documents: org.apache.spark.rdd.RDD[(Long, org.apache.spark.mllib.linalg.Vector)]): Double in class LocalLDAModel - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAModel.scala:262: warning: The link target "logPerplexity" is ambiguous. Several members fit the target: -(documents: org.apache.spark.api.java.JavaPairRDD[Long,org.apache.spark.mllib.linalg.Vector]): Double in class LocalLDAModel [chosen] -(documents: org.apache.spark.rdd.RDD[(Long, org.apache.spark.mllib.linalg.Vector)]): Double in class LocalLDAModel - - - /** Java-friendly version of [[logPerplexity]] */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAModel.scala:390: warning: Could not find any member to link for "topicDistributions()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDAModel.scala:416: warning: The link target "topicDistributions" is ambiguous. Several members fit the target: -(documents: org.apache.spark.api.java.JavaPairRDD[Long,org.apache.spark.mllib.linalg.Vector]): org.apache.spark.api.java.JavaPairRDD[Long,org.apache.spark.mllib.linalg.Vector] in class LocalLDAModel [chosen] -(documents: org.apache.spark.rdd.RDD[(Long, org.apache.spark.mllib.linalg.Vector)]): org.apache.spark.rdd.RDD[(Long, org.apache.spark.mllib.linalg.Vector)] in class LocalLDAModel - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:90: warning: Could not find any member to link for "Double". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:337: warning: Could not find any member to link for "run()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:166: warning: Could not find any member to link for "setDocConcentration()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:160: warning: Could not find any member to link for "setDocConcentration()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:218: warning: Could not find any member to link for "setTopicConcentration()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:261: warning: Could not find any member to link for "org.apache.spark.SparkContext". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:139: warning: Could not find any member to link for "Double". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/LDA.scala:108: warning: Could not find any member to link for "LDAOptimizer.initialize()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/GaussianMixtureModel.scala:82: warning: Could not find any member to link for "predict()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/GaussianMixture.scala:232: warning: Could not find any member to link for "run()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/BisectingKMeansModel.scala:90: warning: Could not find any member to link for "computeCost()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/BisectingKMeansModel.scala:66: warning: Could not find any member to link for "predict()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/BisectingKMeans.scala:32: warning: Could not find any member to link for "http://glaros.dtc.umn.edu/gkhome/fetch/papers/docclusterKDDTMW00.pdf -". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/BisectingKMeans.scala:216: warning: Could not find any member to link for "run()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/package.scala:23: warning: Could not find any member to link for "DataFrame". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/util/ReadWrite.scala:58: warning: Could not find any member to link for "SparkContext". - /** Returns the [[SparkContext]] underlying [[sqlContext]] */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/util/ReadWrite.scala:93: warning: Could not find any member to link for "save()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:652: warning: Could not find any member to link for "getOrDefault()". - /** An alias for [[getOrDefault()]]. */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:700: warning: Could not find any member to link for "defaultCopy()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:745: warning: Could not find any member to link for "defaultParamMap". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:570: warning: Could not find any member to link for "explainParam()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:727: warning: The link target "extractParamMap" is ambiguous. Several members fit the target: -(): org.apache.spark.ml.param.ParamMap in class TrainValidationSplitModel [chosen] -(extra: org.apache.spark.ml.param.ParamMap): org.apache.spark.ml.param.ParamMap in class TrainValidationSplitModel - - - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:522: warning: Could not find any member to link for "Param". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:666: warning: Could not find any member to link for "setDefault()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:539: warning: Could not find any member to link for "Param.validate()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/util/ReadWrite.scala:164: warning: Could not find any member to link for "MLReader". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/util/ReadWrite.scala:119: warning: Could not find any member to link for "MLWriter". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/source/libsvm/LibSVMRelation.scala:71: warning: Could not find any member to link for "DataFrame". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/regression/Regressor.scala:43: warning: Could not find any member to link for "Regressor". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Predictor.scala:192: warning: Could not find any member to link for "transform()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Predictor.scala:153: warning: Could not find any member to link for "validateAndTransformSchema()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Predictor.scala:167: warning: Could not find any member to link for "predict()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/tree/treeParams.scala:144: warning: Could not find any member to link for "org.apache.spark.SparkContext". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Predictor.scala:96: warning: Could not find any member to link for "fit()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/regression/LinearRegression.scala:437: warning: Could not find any member to link for "MLWriter". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/regression/IsotonicRegression.scala:195: warning: Could not find any member to link for "org.apache.spark.mllib.regression.IsotonicRegressionModel.predict()". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:399: warning: Could not find any member to link for "Param[Boolean". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:447: warning: Could not find any member to link for "Param[Array[Double". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:220: warning: Could not find any member to link for "Param[Double". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:309: warning: Could not find any member to link for "Param[Float". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:477: warning: Could not find any member to link for "Param[Array[Int". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:280: warning: Could not find any member to link for "Param[Int". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:370: warning: Could not find any member to link for "Param[Long". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:422: warning: Could not find any member to link for "Param[Array[String". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:89: warning: Could not find any member to link for "jsonDecode()". - /** Encodes a param value into JSON, which can be decoded by [[jsonDecode()]]. */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:488: warning: Could not find any member to link for "java.util.List". - /** Creates a param pair with a [[java.util.List]] of values (for Java and Python). */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:458: warning: Could not find any member to link for "java.util.List". - /** Creates a param pair with a [[java.util.List]] of values (for Java and Python). */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:433: warning: Could not find any member to link for "java.util.List". - /** Creates a param pair with a [[java.util.List]] of values (for Java and Python). */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/param/params.scala:197: warning: Could not find any member to link for "inRange()". - /** Version of [[inRange()]] which uses inclusive be default: [lowerBound, upperBound] */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/package.scala:23: warning: Could not find any member to link for "DataFrame". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/VectorIndexer.scala:61: warning: Could not find any member to link for "Vector". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/VectorSlicer.scala:31: warning: Could not find any member to link for "setIndices()". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/StringIndexer.scala:106: warning: The link target "StringIndexerModel.transform" is ambiguous. Several members fit the target: -(dataset: org.apache.spark.sql.DataFrame): org.apache.spark.sql.DataFrame in class StringIndexerModel [chosen] -(dataset: org.apache.spark.sql.DataFrame,paramMap: org.apache.spark.ml.param.ParamMap): org.apache.spark.sql.DataFrame in class StringIndexerModel -(dataset: org.apache.spark.sql.DataFrame,firstParamPair: org.apache.spark.ml.param.ParamPair[_],otherParamPairs: org.apache.spark.ml.param.ParamPair[_]*): org.apache.spark.sql.DataFrame in class StringIndexerModel - - -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/StopWordsRemover.scala:99: warning: Could not find any member to link for "StopWords.English". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/feature/PCA.scala:121: warning: Could not find any member to link for "PCA.fit()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/evaluation/Evaluator.scala:52: warning: Could not find any member to link for "evaluate()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/clustering/LDA.scala:668: warning: Could not find any member to link for "Vector". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/clustering/LDA.scala:706: warning: Could not find any member to link for "Vector". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/clustering/LDA.scala:346: warning: Could not find any member to link for "Vector". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/clustering/LDA.scala:604: warning: Could not find any member to link for "logLikelihood()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:129: warning: Could not find any member to link for "transform()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:176: warning: Could not find any member to link for "transform()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:140: warning: Could not find any member to link for "transform()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:162: warning: Could not find any member to link for "raw2probabilityInPlace()". - /** Non-in-place version of [[raw2probabilityInPlace()]] */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:151: warning: Could not find any member to link for "transform()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:88: warning: Could not find any member to link for "Double". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:67: warning: Could not find any member to link for "Vector". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/ProbabilisticClassifier.scala:43: warning: Could not find any member to link for "Vector". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/MultilayerPerceptronClassifier.scala:205: warning: Could not find any member to link for "transform()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/MultilayerPerceptronClassifier.scala:153: warning: Could not find any member to link for "fit()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/LogisticRegression.scala:49: warning: Could not find any member to link for "setThreshold()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/LogisticRegression.scala:92: warning: Could not find any member to link for "setThresholds()". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/LogisticRegression.scala:563: warning: Could not find any member to link for "MLWriter". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:67: warning: Could not find any member to link for "Vector". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:86: warning: Could not find any member to link for "Double". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/classification/Classifier.scala:44: warning: Could not find any member to link for "Vector". -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/attributes.scala:112: warning: Could not find any member to link for "StructField". - /** Converts to a [[StructField]]. */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/attributes.scala:100: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/attributes.scala:145: warning: Could not find any member to link for "StructField". - /** - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/attribute/AttributeGroup.scala:242: warning: Could not find any member to link for "StructField". - /** Creates an attribute group from a [[StructField]] instance. */ - ^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Pipeline.scala:76: warning: The link target "Pipeline#fit" is ambiguous. Several members fit the target: -(dataset: org.apache.spark.sql.DataFrame): org.apache.spark.ml.PipelineModel in class Pipeline [chosen] -(dataset: org.apache.spark.sql.DataFrame,paramMaps: Array[org.apache.spark.ml.param.ParamMap]): Seq[M] in class Pipeline -(dataset: org.apache.spark.sql.DataFrame,paramMap: org.apache.spark.ml.param.ParamMap): M in class Pipeline -(dataset: org.apache.spark.sql.DataFrame,firstParamPair: org.apache.spark.ml.param.ParamPair[_],otherParamPairs: org.apache.spark.ml.param.ParamPair[_]*): M in class Pipeline - - -/** -^ -/Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/ml/Pipeline.scala:112: warning: The link target "Estimator#fit" is ambiguous. Several members fit the target: -(dataset: org.apache.spark.sql.DataFrame,paramMaps: Array[org.apache.spark.ml.param.ParamMap]): Seq[M] in class Estimator [chosen] -(dataset: org.apache.spark.sql.DataFrame,paramMap: org.apache.spark.ml.param.ParamMap): M in class Estimator -(dataset: org.apache.spark.sql.DataFrame,firstParamPair: org.apache.spark.ml.param.ParamPair[_],otherParamPairs: org.apache.spark.ml.param.ParamPair[_]*): M in class Estimator -(dataset: org.apache.spark.sql.DataFrame): M in class Estimator - - - /** - ^ -164 warnings found -[INFO] Building jar: /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-mllib_2.10 --- -Saving to outputFile=/Users/royl/git/spark/mllib/target/scalastyle-output.xml -Processed 238 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 3121 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-mllib_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-mllib_2.10 --- -[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/mllib/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-mllib_2.10/2.0.0-SNAPSHOT/spark-mllib_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Tools 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-tools_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-tools_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-tools_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/tools/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/tools/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-tools_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-tools_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-tools_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/tools/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-tools_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 3 Scala sources to /Users/royl/git/spark/tools/target/scala-2.10/classes... -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-tools_2.10 --- -[INFO] Nothing to compile - all classes are up to date -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-tools_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/tools/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-tools_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/tools/src/test/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-tools_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-tools_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-tools_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-tools_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-tools_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-tools_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-tools_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-tools_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-tools_2.10 --- -[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.2 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. -[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. -[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. -[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. -[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-streaming_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/tools/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/tools/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-tools_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-tools_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-tools_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-tools_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-tools_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-tools_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-tools_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-tools_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 8 documentable templates -[INFO] Building jar: /Users/royl/git/spark/tools/target/spark-tools_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-tools_2.10 --- -Saving to outputFile=/Users/royl/git/spark/tools/target/scalastyle-output.xml -Processed 3 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 60 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-tools_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-tools_2.10 --- -[INFO] Skipping artifact installation -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Hive 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-hive_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-hive_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-hive_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/sql/hive/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/sql/hive/src/test/scala -[INFO] -[INFO] --- build-helper-maven-plugin:1.9.1:add-source (add-default-sources) @ spark-hive_2.10 --- -[INFO] Source directory: /Users/royl/git/spark/sql/hive/v1.2.1/src/main/scala added. -[INFO] Source directory: /Users/royl/git/spark/sql/hive/${project.build.directory/generated-sources/antlr added. -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-hive_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-exec/1.2.1.spark/hive-exec-1.2.1.spark.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/googlecode/javaewah/JavaEWAH/0.3.2/JavaEWAH-0.3.2.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/commons-dbcp/commons-dbcp/1.4/commons-dbcp-1.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/antlr/ST4/4.0.4/ST4-4.0.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/iq80/snappy/snappy/0.2/snappy-0.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/javolution/javolution/5.5.1/javolution-5.5.1.jar:/Users/royl/.m2/repository/com/jolbox/bonecp/0.8.0.RELEASE/bonecp-0.8.0.RELEASE.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.6/commons-compiler-2.7.6.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/httpcomponents/httpclient/4.3.2/httpclient-4.3.2.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/javax/transaction/jta/1.1/jta-1.1.jar:/Users/royl/.m2/repository/org/codehaus/groovy/groovy-all/2.1.6/groovy-all-2.1.6.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/thrift/libthrift/0.9.2/libthrift-0.9.2.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/log4j/apache-log4j-extras/1.2.17/apache-log4j-extras-1.2.17.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-core/1.2.0-incubating/calcite-core-1.2.0-incubating.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/javax/jdo/jdo-api/3.0.1/jdo-api-3.0.1.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/stax/stax-api/1.0.1/stax-api-1.0.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-avatica/1.2.0-incubating/calcite-avatica-1.2.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/twitter/parquet-hadoop-bundle/1.6.0/parquet-hadoop-bundle-1.6.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-core/3.2.10/datanucleus-core-3.2.10.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/jline/jline/2.12/jline-2.12.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/derby/derby/10.10.1.1/derby-10.10.1.1.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-linq4j/1.2.0-incubating/calcite-linq4j-1.2.0-incubating.jar:/Users/royl/.m2/repository/commons-pool/commons-pool/1.5.4/commons-pool-1.5.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/httpcomponents/httpcore/4.3.2/httpcore-4.3.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/jodd/jodd-core/3.5.2/jodd-core-3.5.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/thrift/libfb303/0.9.2/libfb303-0.9.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/net/hydromatic/eigenbase-properties/1.1.5/eigenbase-properties-1.1.5.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-metastore/1.2.1.spark/hive-metastore-1.2.1.spark.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-rdbms/3.2.9/datanucleus-rdbms-3.2.9.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/commons-logging/commons-logging/1.1.3/commons-logging-1.1.3.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-api-jdo/3.2.6/datanucleus-api-jdo-3.2.6.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/org/json/json/20090211/json-20090211.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-hive_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-hive_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-hive_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 29 Scala sources and 1 Java source to /Users/royl/git/spark/sql/hive/target/scala-2.10/classes... -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:83: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] Utils.classForName(relation.tableDesc.getSerdeClassName).asInstanceOf[Class[Deserializer]], -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:97: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] deserializerClass: Class[_ <: Deserializer], -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:131: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] (part, part.getDeserializer.getClass.asInstanceOf[Class[Deserializer]])).toMap -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:146: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] partitionToDeserializer: Map[HivePartition, -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:152: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] partitionToDeserializer: Map[HivePartition, Class[_ <: Deserializer]]): -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:153: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] Map[HivePartition, Class[_ <: Deserializer]] = { -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:343: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] rawDeser: Deserializer, -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/TableReader.scala:346: trait Deserializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] tableDeser: Deserializer): Iterator[InternalRow] = { -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/execution/InsertIntoHiveTable.scala:56: trait Serializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] private def newSerializer(tableDesc: TableDesc): Serializer = { -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/execution/InsertIntoHiveTable.scala:57: trait Serializer in package serde2 is deprecated: see corresponding Javadoc for more information. -[WARNING] val serializer = tableDesc.getDeserializerClass.newInstance().asInstanceOf[Serializer] -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/execution/ScriptTransformation.scala:378: method initialize in class AbstractSerDe is deprecated: see corresponding Javadoc for more information. -[WARNING] serde.initialize(null, properties) -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/hiveUDFs.scala:292: method initialize in class GenericUDTF is deprecated: see corresponding Javadoc for more information. -[WARNING] protected lazy val outputInspector = function.initialize(inputInspectors.toArray) -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/hiveUDFs.scala:368: class UDAF in package exec is deprecated: see corresponding Javadoc for more information. -[WARNING] new GenericUDAFBridge(funcWrapper.createFunction[UDAF]()) -[WARNING] ^ -[WARNING] /Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/hiveUDFs.scala:390: trait AggregationBuffer in object GenericUDAFEvaluator is deprecated: see corresponding Javadoc for more information. -[WARNING] private[this] var buffer: GenericUDAFEvaluator.AggregationBuffer = _ -[WARNING] ^ -[WARNING] 14 warnings found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-hive_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 1 source file to /Users/royl/git/spark/sql/hive/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-hive_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/sql/hive/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-hive_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 10074 resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-hive_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 57 Scala sources and 14 Java sources to /Users/royl/git/spark/sql/hive/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] /Users/royl/git/spark/sql/hive/src/test/java/org/apache/spark/sql/hive/test/Complex.java:53: warning: [rawtypes] found raw type: IScheme -[WARNING] private static final Map, SchemeFactory> schemes = new HashMap, SchemeFactory>(); -[WARNING] ^ -[WARNING] missing type arguments for generic class IScheme -[WARNING] where T is a type-variable: -[WARNING] T extends TBase declared in interface IScheme -[WARNING] /Users/royl/git/spark/sql/hive/src/test/java/org/apache/spark/sql/hive/test/Complex.java:53: warning: [rawtypes] found raw type: IScheme -[WARNING] private static final Map, SchemeFactory> schemes = new HashMap, SchemeFactory>(); -[WARNING] ^ -[WARNING] missing type arguments for generic class IScheme -[WARNING] where T is a type-variable: -[WARNING] T extends TBase declared in interface IScheme -[WARNING] /Users/royl/git/spark/sql/hive/src/test/java/org/apache/spark/sql/hive/test/Complex.java:679: warning: [cast] redundant cast to Complex -[WARNING] Complex typedOther = (Complex)other; -[WARNING] ^ -[WARNING] 4 warnings -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-hive_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 14 source files to /Users/royl/git/spark/sql/hive/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-hive_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-hive_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-hive_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-hive_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-hive_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-hive_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:copy-dependencies (copy-dependencies) @ spark-hive_2.10 --- -[INFO] Copying datanucleus-api-jdo-3.2.6.jar to /Users/royl/git/spark/sql/hive/../../lib_managed/jars/datanucleus-api-jdo-3.2.6.jar -[INFO] Copying datanucleus-core-3.2.10.jar to /Users/royl/git/spark/sql/hive/../../lib_managed/jars/datanucleus-core-3.2.10.jar -[INFO] Copying datanucleus-rdbms-3.2.9.jar to /Users/royl/git/spark/sql/hive/../../lib_managed/jars/datanucleus-rdbms-3.2.9.jar -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-hive_2.10 --- -[INFO] Excluding com.twitter:parquet-hadoop-bundle:jar:1.6.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.2 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. -[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. -[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. -[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. -[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-sql_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.spark-project.hive:hive-exec:jar:1.2.1.spark from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding javolution:javolution:jar:5.5.1 from the shaded jar. -[INFO] Excluding log4j:apache-log4j-extras:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. -[INFO] Excluding org.antlr:ST4:jar:4.0.4 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.codehaus.groovy:groovy-all:jar:2.1.6 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.googlecode.javaewah:JavaEWAH:jar:0.3.2 from the shaded jar. -[INFO] Excluding org.iq80.snappy:snappy:jar:0.2 from the shaded jar. -[INFO] Excluding org.json:json:jar:20090211 from the shaded jar. -[INFO] Excluding stax:stax-api:jar:1.0.1 from the shaded jar. -[INFO] Excluding net.sf.opencsv:opencsv:jar:2.3 from the shaded jar. -[INFO] Excluding jline:jline:jar:2.12 from the shaded jar. -[INFO] Excluding org.spark-project.hive:hive-metastore:jar:1.2.1.spark from the shaded jar. -[INFO] Excluding com.jolbox:bonecp:jar:0.8.0.RELEASE from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding commons-logging:commons-logging:jar:1.1.3 from the shaded jar. -[INFO] Excluding org.apache.derby:derby:jar:10.10.1.1 from the shaded jar. -[INFO] Excluding org.datanucleus:datanucleus-api-jdo:jar:3.2.6 from the shaded jar. -[INFO] Excluding org.datanucleus:datanucleus-rdbms:jar:3.2.9 from the shaded jar. -[INFO] Excluding commons-pool:commons-pool:jar:1.5.4 from the shaded jar. -[INFO] Excluding commons-dbcp:commons-dbcp:jar:1.4 from the shaded jar. -[INFO] Excluding javax.jdo:jdo-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding javax.transaction:jta:jar:1.1 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.3 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.calcite:calcite-avatica:jar:1.2.0-incubating from the shaded jar. -[INFO] Excluding org.apache.calcite:calcite-core:jar:1.2.0-incubating from the shaded jar. -[INFO] Excluding org.apache.calcite:calcite-linq4j:jar:1.2.0-incubating from the shaded jar. -[INFO] Excluding net.hydromatic:eigenbase-properties:jar:1.1.5 from the shaded jar. -[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.6 from the shaded jar. -[INFO] Excluding org.apache.httpcomponents:httpclient:jar:4.3.2 from the shaded jar. -[INFO] Excluding org.apache.httpcomponents:httpcore:jar:4.3.2 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding joda-time:joda-time:jar:2.9 from the shaded jar. -[INFO] Excluding org.jodd:jodd-core:jar:3.5.2 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.datanucleus:datanucleus-core:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.apache.thrift:libthrift:jar:0.9.2 from the shaded jar. -[INFO] Excluding org.apache.thrift:libfb303:jar:0.9.2 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/hive/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/hive/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/sql/hive/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-hive_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-hive_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-hive_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-hive_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-hive_2.10 --- -[INFO] -[INFO] --- build-helper-maven-plugin:1.9.1:add-source (add-default-sources) @ spark-hive_2.10 --- -[INFO] Source directory: /Users/royl/git/spark/sql/hive/v1.2.1/src/main/scala added. -[INFO] Source directory: /Users/royl/git/spark/sql/hive/${project.build.directory/generated-sources/antlr added. -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-hive_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-exec/1.2.1.spark/hive-exec-1.2.1.spark.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/googlecode/javaewah/JavaEWAH/0.3.2/JavaEWAH-0.3.2.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/commons-dbcp/commons-dbcp/1.4/commons-dbcp-1.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/antlr/ST4/4.0.4/ST4-4.0.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/iq80/snappy/snappy/0.2/snappy-0.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/javolution/javolution/5.5.1/javolution-5.5.1.jar:/Users/royl/.m2/repository/com/jolbox/bonecp/0.8.0.RELEASE/bonecp-0.8.0.RELEASE.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.6/commons-compiler-2.7.6.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/httpcomponents/httpclient/4.3.2/httpclient-4.3.2.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/javax/transaction/jta/1.1/jta-1.1.jar:/Users/royl/.m2/repository/org/codehaus/groovy/groovy-all/2.1.6/groovy-all-2.1.6.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/thrift/libthrift/0.9.2/libthrift-0.9.2.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/log4j/apache-log4j-extras/1.2.17/apache-log4j-extras-1.2.17.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-core/1.2.0-incubating/calcite-core-1.2.0-incubating.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/javax/jdo/jdo-api/3.0.1/jdo-api-3.0.1.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/stax/stax-api/1.0.1/stax-api-1.0.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-avatica/1.2.0-incubating/calcite-avatica-1.2.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/twitter/parquet-hadoop-bundle/1.6.0/parquet-hadoop-bundle-1.6.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-core/3.2.10/datanucleus-core-3.2.10.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/jline/jline/2.12/jline-2.12.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/derby/derby/10.10.1.1/derby-10.10.1.1.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-linq4j/1.2.0-incubating/calcite-linq4j-1.2.0-incubating.jar:/Users/royl/.m2/repository/commons-pool/commons-pool/1.5.4/commons-pool-1.5.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/httpcomponents/httpcore/4.3.2/httpcore-4.3.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/jodd/jodd-core/3.5.2/jodd-core-3.5.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/thrift/libfb303/0.9.2/libfb303-0.9.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/net/hydromatic/eigenbase-properties/1.1.5/eigenbase-properties-1.1.5.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-metastore/1.2.1.spark/hive-metastore-1.2.1.spark.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-rdbms/3.2.9/datanucleus-rdbms-3.2.9.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/commons-logging/commons-logging/1.1.3/commons-logging-1.1.3.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-api-jdo/3.2.6/datanucleus-api-jdo-3.2.6.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/org/json/json/20090211/json-20090211.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-hive_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-hive_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 19 documentable templates -/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/package.scala:20: warning: Could not find any member to link for "SQLContext". -/** -^ -one warning found -[INFO] Building jar: /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-hive_2.10 --- -warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/HiveInspectors.scala message=Space before token : line=660 column=56 -warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/HiveInspectors.scala message=Space before token : line=661 column=73 -warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/HiveInspectors.scala message=Space before token : line=908 column=53 -warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/HiveInspectors.scala message=Space before token : line=909 column=68 -warning file=/Users/royl/git/spark/sql/hive/src/main/scala/org/apache/spark/sql/hive/hiveUDFs.scala message=Space before token : line=184 column=49 -Saving to outputFile=/Users/royl/git/spark/sql/hive/target/scalastyle-output.xml -Processed 29 file(s) -Found 0 errors -Found 5 warnings -Found 0 infos -Finished in 621 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-hive_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-hive_2.10 --- -[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/sql/hive/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/sql/hive/target/spark-hive_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-hive_2.10/2.0.0-SNAPSHOT/spark-hive_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Docker Integration Tests 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-docker-integration-tests_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-docker-integration-tests_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-docker-integration-tests_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/docker-integration-tests/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/docker-integration-tests/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-docker-integration-tests_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.9/commons-compress-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-docker-integration-tests_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-docker-integration-tests_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/docker-integration-tests/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-docker-integration-tests_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-docker-integration-tests_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-docker-integration-tests_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/docker-integration-tests/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-docker-integration-tests_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/docker-integration-tests/src/test/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-docker-integration-tests_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 4 Scala sources to /Users/royl/git/spark/docker-integration-tests/target/test-classes... -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-docker-integration-tests_2.10 --- -[INFO] Nothing to compile - all classes are up to date -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-docker-integration-tests_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-docker-integration-tests_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-docker-integration-tests_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-docker-integration-tests_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-docker-integration-tests_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-docker-integration-tests_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-docker-integration-tests_2.10 --- -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.9 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-docker-integration-tests_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-docker-integration-tests_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-docker-integration-tests_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-docker-integration-tests_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-docker-integration-tests_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-docker-integration-tests_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.9/commons-compress-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-docker-integration-tests_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-docker-integration-tests_2.10 --- -[INFO] No source files found -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-docker-integration-tests_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/docker-integration-tests/src/main/scala -Saving to outputFile=/Users/royl/git/spark/docker-integration-tests/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 1 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-docker-integration-tests_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-docker-integration-tests_2.10 --- -[INFO] Installing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/docker-integration-tests/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/docker-integration-tests/target/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-docker-integration-tests_2.10/2.0.0-SNAPSHOT/spark-docker-integration-tests_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project REPL 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-repl_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-repl_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-repl_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/repl/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/repl/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-repl_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/jline/2.10.5/jline-2.10.5.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/fusesource/jansi/jansi/1.4/jansi-1.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar -[INFO] -[INFO] --- build-helper-maven-plugin:1.9.1:add-source (add-scala-sources) @ spark-repl_2.10 --- -[INFO] Source directory: /Users/royl/git/spark/repl/scala-2.10/src/main/scala added. -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-repl_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-repl_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/repl/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-repl_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 13 Scala sources to /Users/royl/git/spark/repl/target/scala-2.10/classes... -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-repl_2.10 --- -[INFO] Nothing to compile - all classes are up to date -[INFO] -[INFO] --- build-helper-maven-plugin:1.9.1:add-test-source (add-scala-test-sources) @ spark-repl_2.10 --- -[INFO] Test Source directory: /Users/royl/git/spark/repl/scala-2.10/src/test/scala added. -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-repl_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/repl/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-repl_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-repl_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 2 Scala sources to /Users/royl/git/spark/repl/target/scala-2.10/test-classes... -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-repl_2.10 --- -[INFO] Nothing to compile - all classes are up to date -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-repl_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-repl_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-repl_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-repl_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-repl_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-repl_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-repl_2.10 --- -[INFO] Excluding org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.twitter:chill_2.10:jar:0.5.0 from the shaded jar. -[INFO] Excluding com.esotericsoftware.kryo:kryo:jar:2.21 from the shaded jar. -[INFO] Excluding com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 from the shaded jar. -[INFO] Excluding com.esotericsoftware.minlog:minlog:jar:1.2 from the shaded jar. -[INFO] Excluding com.twitter:chill-java:jar:0.5.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-lang3:jar:3.3.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math3:jar:3.4.1 from the shaded jar. -[INFO] Excluding com.google.code.findbugs:jsr305:jar:1.3.9 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.slf4j:jcl-over-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding com.ning:compress-lzf:jar:1.0.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding org.roaringbitmap:RoaringBitmap:jar:0.5.11 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-remote_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-actor_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.typesafe:config:jar:1.2.1 from the shaded jar. -[INFO] Excluding io.netty:netty:jar:3.8.0.Final from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.uncommons.maths:uncommons-maths:jar:1.2.2a from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding org.json4s:json4s-jackson_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-core_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.json4s:json4s-ast_2.10:jar:3.2.10 from the shaded jar. -[INFO] Excluding org.scala-lang:scalap:jar:2.10.5 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 from the shaded jar. -[INFO] Excluding io.netty:netty-all:jar:4.0.29.Final from the shaded jar. -[INFO] Excluding com.clearspring.analytics:stream:jar:2.7.0 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-core:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-jvm:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-json:jar:3.1.2 from the shaded jar. -[INFO] Excluding io.dropwizard.metrics:metrics-graphite:jar:3.1.2 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.core:jackson-core:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.ivy:ivy:jar:2.4.0 from the shaded jar. -[INFO] Excluding oro:oro:jar:2.0.8 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-client:jar:0.8.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 from the shaded jar. -[INFO] Excluding org.tachyonproject:tachyon-underfs-local:jar:0.8.2 from the shaded jar. -[INFO] Excluding net.razorvine:pyrolite:jar:4.9 from the shaded jar. -[INFO] Excluding net.sf.py4j:py4j:jar:0.9 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-mllib_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-streaming_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-graphx_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding com.github.fommil.netlib:core:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.sourceforge.f2j:arpack_combined_all:jar:0.1 from the shaded jar. -[INFO] Excluding org.scalanlp:breeze_2.10:jar:0.11.2 from the shaded jar. -[INFO] Excluding org.scalanlp:breeze-macros_2.10:jar:0.11.2 from the shaded jar. -[INFO] Excluding org.scalamacros:quasiquotes_2.10:jar:2.0.0-M8 from the shaded jar. -[INFO] Excluding net.sf.opencsv:opencsv:jar:2.3 from the shaded jar. -[INFO] Excluding com.github.rwl:jtransforms:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.spire-math:spire_2.10:jar:0.7.4 from the shaded jar. -[INFO] Excluding org.spire-math:spire-macros_2.10:jar:0.7.4 from the shaded jar. -[INFO] Excluding org.jpmml:pmml-model:jar:1.2.7 from the shaded jar. -[INFO] Excluding org.jpmml:pmml-agent:jar:1.2.7 from the shaded jar. -[INFO] Excluding org.jpmml:pmml-schema:jar:1.2.7 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-sql_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.codehaus.janino:janino:jar:2.7.8 from the shaded jar. -[INFO] Excluding org.codehaus.janino:commons-compiler:jar:2.7.8 from the shaded jar. -[INFO] Excluding org.antlr:antlr-runtime:jar:3.5.2 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-column:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-common:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-encoding:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-generator:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-hadoop:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-format:jar:2.3.0-incubating from the shaded jar. -[INFO] Excluding org.apache.parquet:parquet-jackson:jar:1.7.0 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-compiler:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-reflect:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.slf4j:jul-to-slf4j:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.objenesis:objenesis:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.xbean:xbean-asm5-shaded:jar:4.4 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.scala-lang:jline:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.fusesource.jansi:jansi:jar:1.4 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/repl/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/repl/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/repl/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/repl/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-repl_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-repl_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-repl_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-repl_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-repl_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-repl_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/jline/2.10.5/jline-2.10.5.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/fusesource/jansi/jansi/1.4/jansi-1.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.0/objenesis-1.0.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar -[INFO] -[INFO] --- build-helper-maven-plugin:1.9.1:add-source (add-scala-sources) @ spark-repl_2.10 --- -[INFO] Source directory: /Users/royl/git/spark/repl/scala-2.10/src/main/scala added. -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-repl_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-repl_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 47 documentable templates -/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:89: warning: Variable eval undefined in comment for class SparkIMain in class SparkIMain - class SparkIMain( - ^ -/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:1782: warning: Variable iw undefined in comment for method unwrapStrings in class SparkISettings - var unwrapStrings = true - ^ -/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:816: warning: Variable ires0 undefined in comment for method interpretSynthetic in class SparkIMain - def interpretSynthetic(line: String): IR.Result = interpret(line, true) - ^ -/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:527: warning: Variable line19 undefined in comment for method generatedName in class SparkIMain - def generatedName(simpleName: String): Option[String] = { - ^ -/Users/royl/git/spark/repl/scala-2.10/src/main/scala/org/apache/spark/repl/SparkIMain.scala:1174: warning: Variable line5 undefined in comment for method fullFlatName in class Request - def fullFlatName(name: String) = - ^ -5 warnings found -[INFO] Building jar: /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-repl_2.10 --- -Saving to outputFile=/Users/royl/git/spark/repl/target/scalastyle-output.xml -Processed 1 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 145 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-repl_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-repl_2.10 --- -[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/repl/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-repl_2.10/2.0.0-SNAPSHOT/spark-repl_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Assembly 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-assembly_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/assembly/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/assembly/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-assembly_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/jline/2.10.5/jline-2.10.5.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/fusesource/jansi/jansi/1.4/jansi-1.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-assembly_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/assembly/target/tmp - [zip] Building zip: /Users/royl/git/spark/python/lib/pyspark.zip -[INFO] Executed tasks -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-assembly_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/assembly/target/spark-assembly_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-assembly_2.10 --- -[INFO] Including org.apache.spark:spark-core_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 in the shaded jar. -[INFO] Including org.apache.avro:avro-ipc:jar:1.7.7 in the shaded jar. -[INFO] Including org.apache.avro:avro:jar:1.7.7 in the shaded jar. -[INFO] Including org.apache.avro:avro-ipc:jar:tests:1.7.7 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-core-asl:jar:1.9.13 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 in the shaded jar. -[INFO] Including com.twitter:chill_2.10:jar:0.5.0 in the shaded jar. -[INFO] Including com.esotericsoftware.kryo:kryo:jar:2.21 in the shaded jar. -[INFO] Including com.esotericsoftware.reflectasm:reflectasm:jar:shaded:1.07 in the shaded jar. -[INFO] Including com.esotericsoftware.minlog:minlog:jar:1.2 in the shaded jar. -[INFO] Including org.objenesis:objenesis:jar:1.2 in the shaded jar. -[INFO] Including com.twitter:chill-java:jar:0.5.0 in the shaded jar. -[INFO] Including org.apache.xbean:xbean-asm5-shaded:jar:4.4 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-client:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-common:jar:2.2.0 in the shaded jar. -[INFO] Including commons-cli:commons-cli:jar:1.2 in the shaded jar. -[INFO] Including org.apache.commons:commons-math:jar:2.1 in the shaded jar. -[INFO] Including xmlenc:xmlenc:jar:0.52 in the shaded jar. -[INFO] Including commons-configuration:commons-configuration:jar:1.6 in the shaded jar. -[INFO] Including commons-collections:commons-collections:jar:3.2.2 in the shaded jar. -[INFO] Including commons-digester:commons-digester:jar:1.8 in the shaded jar. -[INFO] Including commons-beanutils:commons-beanutils:jar:1.7.0 in the shaded jar. -[INFO] Including commons-beanutils:commons-beanutils-core:jar:1.8.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-auth:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.commons:commons-compress:jar:1.4.1 in the shaded jar. -[INFO] Including org.tukaani:xz:jar:1.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-hdfs:jar:2.2.0 in the shaded jar. -[INFO] Including org.mortbay.jetty:jetty-util:jar:6.1.26 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 in the shaded jar. -[INFO] Including com.google.inject:guice:jar:3.0 in the shaded jar. -[INFO] Including javax.inject:javax.inject:jar:1 in the shaded jar. -[INFO] Including aopalliance:aopalliance:jar:1.0 in the shaded jar. -[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 in the shaded jar. -[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 in the shaded jar. -[INFO] Including javax.servlet:javax.servlet-api:jar:3.0.1 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-client:jar:1.9 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-grizzly2:jar:1.9 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-framework:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 in the shaded jar. -[INFO] Including org.glassfish.external:management-api:jar:3.0.0-b012 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish:javax.servlet:jar:3.1 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-json:jar:1.9 in the shaded jar. -[INFO] Including org.codehaus.jettison:jettison:jar:1.1 in the shaded jar. -[INFO] Including com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 in the shaded jar. -[INFO] Including javax.xml.bind:jaxb-api:jar:2.2.2 in the shaded jar. -[INFO] Including javax.activation:activation:jar:1.1 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-xc:jar:1.9.13 in the shaded jar. -[INFO] Including com.sun.jersey.contribs:jersey-guice:jar:1.9 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-annotations:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.spark:spark-launcher_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.spark:spark-network-common_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.spark:spark-network-shuffle_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.fusesource.leveldbjni:leveldbjni-all:jar:1.8 in the shaded jar. -[INFO] Including com.fasterxml.jackson.core:jackson-annotations:jar:2.5.3 in the shaded jar. -[INFO] Including org.apache.spark:spark-unsafe_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including net.java.dev.jets3t:jets3t:jar:0.7.1 in the shaded jar. -[INFO] Including commons-codec:commons-codec:jar:1.10 in the shaded jar. -[INFO] Including commons-httpclient:commons-httpclient:jar:3.1 in the shaded jar. -[INFO] Including org.apache.curator:curator-recipes:jar:2.4.0 in the shaded jar. -[INFO] Including org.apache.curator:curator-framework:jar:2.4.0 in the shaded jar. -[INFO] Including org.apache.curator:curator-client:jar:2.4.0 in the shaded jar. -[INFO] Including org.apache.zookeeper:zookeeper:jar:3.4.5 in the shaded jar. -[INFO] Including jline:jline:jar:0.9.94 in the shaded jar. -[INFO] Including org.eclipse.jetty.orbit:javax.servlet:jar:3.0.0.v201112011016 in the shaded jar. -[INFO] Including org.apache.commons:commons-lang3:jar:3.3.2 in the shaded jar. -[INFO] Including org.apache.commons:commons-math3:jar:3.4.1 in the shaded jar. -[INFO] Including com.google.code.findbugs:jsr305:jar:1.3.9 in the shaded jar. -[INFO] Including org.slf4j:slf4j-api:jar:1.7.10 in the shaded jar. -[INFO] Including org.slf4j:jul-to-slf4j:jar:1.7.10 in the shaded jar. -[INFO] Including org.slf4j:jcl-over-slf4j:jar:1.7.10 in the shaded jar. -[INFO] Including log4j:log4j:jar:1.2.17 in the shaded jar. -[INFO] Including org.slf4j:slf4j-log4j12:jar:1.7.10 in the shaded jar. -[INFO] Including com.ning:compress-lzf:jar:1.0.3 in the shaded jar. -[INFO] Including org.xerial.snappy:snappy-java:jar:1.1.2 in the shaded jar. -[INFO] Including net.jpountz.lz4:lz4:jar:1.3.0 in the shaded jar. -[INFO] Including org.roaringbitmap:RoaringBitmap:jar:0.5.11 in the shaded jar. -[INFO] Including commons-net:commons-net:jar:2.2 in the shaded jar. -[INFO] Including com.typesafe.akka:akka-remote_2.10:jar:2.3.11 in the shaded jar. -[INFO] Including com.typesafe.akka:akka-actor_2.10:jar:2.3.11 in the shaded jar. -[INFO] Including com.typesafe:config:jar:1.2.1 in the shaded jar. -[INFO] Including io.netty:netty:jar:3.8.0.Final in the shaded jar. -[INFO] Including com.google.protobuf:protobuf-java:jar:2.5.0 in the shaded jar. -[INFO] Including org.uncommons.maths:uncommons-maths:jar:1.2.2a in the shaded jar. -[INFO] Including com.typesafe.akka:akka-slf4j_2.10:jar:2.3.11 in the shaded jar. -[INFO] Including org.scala-lang:scala-library:jar:2.10.5 in the shaded jar. -[INFO] Including org.json4s:json4s-jackson_2.10:jar:3.2.10 in the shaded jar. -[INFO] Including org.json4s:json4s-core_2.10:jar:3.2.10 in the shaded jar. -[INFO] Including org.json4s:json4s-ast_2.10:jar:3.2.10 in the shaded jar. -[INFO] Including org.scala-lang:scalap:jar:2.10.5 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-server:jar:1.9 in the shaded jar. -[INFO] Including asm:asm:jar:3.1 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-core:jar:1.9 in the shaded jar. -[INFO] Including org.apache.mesos:mesos:jar:shaded-protobuf:0.21.1 in the shaded jar. -[INFO] Including io.netty:netty-all:jar:4.0.29.Final in the shaded jar. -[INFO] Including com.clearspring.analytics:stream:jar:2.7.0 in the shaded jar. -[INFO] Including io.dropwizard.metrics:metrics-core:jar:3.1.2 in the shaded jar. -[INFO] Including io.dropwizard.metrics:metrics-jvm:jar:3.1.2 in the shaded jar. -[INFO] Including io.dropwizard.metrics:metrics-json:jar:3.1.2 in the shaded jar. -[INFO] Including io.dropwizard.metrics:metrics-graphite:jar:3.1.2 in the shaded jar. -[INFO] Including com.fasterxml.jackson.core:jackson-databind:jar:2.5.3 in the shaded jar. -[INFO] Including com.fasterxml.jackson.core:jackson-core:jar:2.5.3 in the shaded jar. -[INFO] Including com.fasterxml.jackson.module:jackson-module-scala_2.10:jar:2.5.3 in the shaded jar. -[INFO] Including com.thoughtworks.paranamer:paranamer:jar:2.6 in the shaded jar. -[INFO] Including org.apache.ivy:ivy:jar:2.4.0 in the shaded jar. -[INFO] Including oro:oro:jar:2.0.8 in the shaded jar. -[INFO] Including org.tachyonproject:tachyon-client:jar:0.8.2 in the shaded jar. -[INFO] Including commons-lang:commons-lang:jar:2.6 in the shaded jar. -[INFO] Including commons-io:commons-io:jar:2.4 in the shaded jar. -[INFO] Including org.tachyonproject:tachyon-underfs-hdfs:jar:0.8.2 in the shaded jar. -[INFO] Including org.tachyonproject:tachyon-underfs-s3:jar:0.8.2 in the shaded jar. -[INFO] Including org.tachyonproject:tachyon-underfs-local:jar:0.8.2 in the shaded jar. -[INFO] Including net.razorvine:pyrolite:jar:4.9 in the shaded jar. -[INFO] Including net.sf.py4j:py4j:jar:0.9 in the shaded jar. -[INFO] Including org.apache.spark:spark-mllib_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.scalanlp:breeze_2.10:jar:0.11.2 in the shaded jar. -[INFO] Including org.scalanlp:breeze-macros_2.10:jar:0.11.2 in the shaded jar. -[INFO] Including org.scalamacros:quasiquotes_2.10:jar:2.0.0-M8 in the shaded jar. -[INFO] Including net.sf.opencsv:opencsv:jar:2.3 in the shaded jar. -[INFO] Including com.github.rwl:jtransforms:jar:2.4.0 in the shaded jar. -[INFO] Including org.spire-math:spire_2.10:jar:0.7.4 in the shaded jar. -[INFO] Including org.spire-math:spire-macros_2.10:jar:0.7.4 in the shaded jar. -[INFO] Including org.jpmml:pmml-model:jar:1.2.7 in the shaded jar. -[INFO] Including org.jpmml:pmml-agent:jar:1.2.7 in the shaded jar. -[INFO] Including org.jpmml:pmml-schema:jar:1.2.7 in the shaded jar. -[INFO] Including org.apache.spark:spark-streaming_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.spark:spark-graphx_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including com.github.fommil.netlib:core:jar:1.1.2 in the shaded jar. -[INFO] Including net.sourceforge.f2j:arpack_combined_all:jar:0.1 in the shaded jar. -[INFO] Including org.apache.spark:spark-sql_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.spark:spark-catalyst_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.codehaus.janino:janino:jar:2.7.8 in the shaded jar. -[INFO] Including org.codehaus.janino:commons-compiler:jar:2.7.8 in the shaded jar. -[INFO] Including org.antlr:antlr-runtime:jar:3.5.2 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-column:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-common:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-encoding:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-generator:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-hadoop:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-format:jar:2.3.0-incubating in the shaded jar. -[INFO] Including org.apache.parquet:parquet-jackson:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.spark:spark-repl_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.scala-lang:scala-compiler:jar:2.10.5 in the shaded jar. -[INFO] Including org.scala-lang:scala-reflect:jar:2.10.5 in the shaded jar. -[INFO] Including org.scala-lang:jline:jar:2.10.5 in the shaded jar. -[INFO] Including org.fusesource.jansi:jansi:jar:1.4 in the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[WARNING] commons-beanutils-core-1.8.0.jar, commons-collections-3.2.2.jar, commons-beanutils-1.7.0.jar define 10 overlapping classes: -[WARNING] - org.apache.commons.collections.FastHashMap$EntrySet -[WARNING] - org.apache.commons.collections.FastHashMap$KeySet -[WARNING] - org.apache.commons.collections.ArrayStack -[WARNING] - org.apache.commons.collections.FastHashMap$CollectionView$CollectionViewIterator -[WARNING] - org.apache.commons.collections.FastHashMap$Values -[WARNING] - org.apache.commons.collections.FastHashMap$CollectionView -[WARNING] - org.apache.commons.collections.FastHashMap$1 -[WARNING] - org.apache.commons.collections.Buffer -[WARNING] - org.apache.commons.collections.FastHashMap -[WARNING] - org.apache.commons.collections.BufferUnderflowException -[WARNING] leveldbjni-all-1.8.jar, jline-2.10.5.jar, jansi-1.4.jar define 2 overlapping classes: -[WARNING] - org.fusesource.hawtjni.runtime.Library -[WARNING] - org.fusesource.hawtjni.runtime.Callback -[WARNING] kryo-2.21.jar, reflectasm-1.07-shaded.jar define 23 overlapping classes: -[WARNING] - com.esotericsoftware.reflectasm.AccessClassLoader -[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.Opcodes -[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.Label -[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.ClassWriter -[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.AnnotationVisitor -[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.Type -[WARNING] - com.esotericsoftware.reflectasm.FieldAccess -[WARNING] - com.esotericsoftware.reflectasm.ConstructorAccess -[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.Edge -[WARNING] - com.esotericsoftware.reflectasm.shaded.org.objectweb.asm.ClassVisitor -[WARNING] - 13 more... -[WARNING] jline-2.10.5.jar, jansi-1.4.jar define 21 overlapping classes: -[WARNING] - org.fusesource.jansi.Ansi$2 -[WARNING] - org.fusesource.jansi.AnsiConsole$1 -[WARNING] - org.fusesource.jansi.internal.Kernel32 -[WARNING] - org.fusesource.jansi.WindowsAnsiOutputStream -[WARNING] - org.fusesource.jansi.Ansi$1 -[WARNING] - org.fusesource.jansi.AnsiString -[WARNING] - org.fusesource.jansi.internal.Kernel32$COORD -[WARNING] - org.fusesource.jansi.AnsiRenderer -[WARNING] - org.fusesource.jansi.Ansi$NoAnsi -[WARNING] - org.fusesource.jansi.Ansi -[WARNING] - 11 more... -[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar, javax.servlet-3.0.0.v201112011016.jar define 74 overlapping classes: -[WARNING] - javax.servlet.http.Cookie -[WARNING] - javax.servlet.ServletContext -[WARNING] - javax.servlet.Registration -[WARNING] - javax.servlet.http.HttpSessionListener -[WARNING] - javax.servlet.http.HttpSessionContext -[WARNING] - javax.servlet.FilterChain -[WARNING] - javax.servlet.http.HttpServletRequestWrapper -[WARNING] - javax.servlet.http.HttpSessionAttributeListener -[WARNING] - javax.servlet.annotation.HandlesTypes -[WARNING] - javax.servlet.http.HttpSessionBindingListener -[WARNING] - 64 more... -[WARNING] spark-network-common_2.10-2.0.0-SNAPSHOT.jar, spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar, spark-launcher_2.10-2.0.0-SNAPSHOT.jar, spark-graphx_2.10-2.0.0-SNAPSHOT.jar, spark-catalyst_2.10-2.0.0-SNAPSHOT.jar, spark-unsafe_2.10-2.0.0-SNAPSHOT.jar, spark-sql_2.10-2.0.0-SNAPSHOT.jar, spark-mllib_2.10-2.0.0-SNAPSHOT.jar, spark-streaming_2.10-2.0.0-SNAPSHOT.jar, spark-core_2.10-2.0.0-SNAPSHOT.jar, spark-repl_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: -[WARNING] - org.apache.spark.unused.UnusedStubClass -[WARNING] leveldbjni-all-1.8.jar, jansi-1.4.jar define 12 overlapping classes: -[WARNING] - org.fusesource.hawtjni.runtime.ArgFlag -[WARNING] - org.fusesource.hawtjni.runtime.JniMethod -[WARNING] - org.fusesource.hawtjni.runtime.NativeStats -[WARNING] - org.fusesource.hawtjni.runtime.NativeStats$StatsInterface -[WARNING] - org.fusesource.hawtjni.runtime.MethodFlag -[WARNING] - org.fusesource.hawtjni.runtime.ClassFlag -[WARNING] - org.fusesource.hawtjni.runtime.NativeStats$NativeFunction -[WARNING] - org.fusesource.hawtjni.runtime.T32 -[WARNING] - org.fusesource.hawtjni.runtime.FieldFlag -[WARNING] - org.fusesource.hawtjni.runtime.JniArg -[WARNING] - 2 more... -[WARNING] hadoop-yarn-common-2.2.0.jar, hadoop-yarn-api-2.2.0.jar define 3 overlapping classes: -[WARNING] - org.apache.hadoop.yarn.util.package-info -[WARNING] - org.apache.hadoop.yarn.factories.package-info -[WARNING] - org.apache.hadoop.yarn.factory.providers.package-info -[WARNING] kryo-2.21.jar, objenesis-1.2.jar define 32 overlapping classes: -[WARNING] - org.objenesis.ObjenesisBase -[WARNING] - org.objenesis.instantiator.gcj.GCJInstantiator -[WARNING] - org.objenesis.ObjenesisHelper -[WARNING] - org.objenesis.instantiator.jrockit.JRockitLegacyInstantiator -[WARNING] - org.objenesis.instantiator.sun.SunReflectionFactoryInstantiator -[WARNING] - org.objenesis.instantiator.ObjectInstantiator -[WARNING] - org.objenesis.instantiator.gcj.GCJInstantiatorBase$DummyStream -[WARNING] - org.objenesis.instantiator.basic.ObjectStreamClassInstantiator -[WARNING] - org.objenesis.ObjenesisException -[WARNING] - org.objenesis.Objenesis -[WARNING] - 22 more... -[WARNING] commons-beanutils-core-1.8.0.jar, commons-beanutils-1.7.0.jar define 82 overlapping classes: -[WARNING] - org.apache.commons.beanutils.ConvertUtilsBean -[WARNING] - org.apache.commons.beanutils.converters.SqlTimeConverter -[WARNING] - org.apache.commons.beanutils.Converter -[WARNING] - org.apache.commons.beanutils.converters.FloatArrayConverter -[WARNING] - org.apache.commons.beanutils.NestedNullException -[WARNING] - org.apache.commons.beanutils.ConvertingWrapDynaBean -[WARNING] - org.apache.commons.beanutils.converters.LongArrayConverter -[WARNING] - org.apache.commons.beanutils.converters.SqlDateConverter -[WARNING] - org.apache.commons.beanutils.converters.BooleanArrayConverter -[WARNING] - org.apache.commons.beanutils.converters.StringConverter -[WARNING] - 72 more... -[WARNING] minlog-1.2.jar, kryo-2.21.jar define 2 overlapping classes: -[WARNING] - com.esotericsoftware.minlog.Log -[WARNING] - com.esotericsoftware.minlog.Log$Logger -[WARNING] maven-shade-plugin has detected that some class files are -[WARNING] present in two or more JARs. When this happens, only one -[WARNING] single version of the class is copied to the uber jar. -[WARNING] Usually this is not harmful and you can skip these warnings, -[WARNING] otherwise try to manually exclude artifacts based on -[WARNING] mvn dependency:tree -Ddetail=true and the above output. -[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (default) @ spark-assembly_2.10 --- -[INFO] Executing tasks - -main: -[INFO] Executed tasks -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-assembly_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-assembly_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/esotericsoftware/kryo/kryo/2.21/kryo-2.21.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-core/3.1.2/metrics-core-3.1.2.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/git/spark/mllib/target/spark-mllib_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/net/razorvine/pyrolite/4.9/pyrolite-4.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-remote_2.10/2.3.11/akka-remote_2.10-2.3.11.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-jvm/3.1.2/metrics-jvm-3.1.2.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-client/0.8.2/tachyon-client-0.8.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-compiler/2.10.5/scala-compiler-2.10.5.jar:/Users/royl/.m2/repository/com/esotericsoftware/minlog/minlog/1.2/minlog-1.2.jar:/Users/royl/.m2/repository/org/fusesource/leveldbjni/leveldbjni-all/1.8/leveldbjni-all-1.8.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/scala-lang/jline/2.10.5/jline-2.10.5.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-json/3.1.2/metrics-json-3.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-schema/1.2.7/pmml-schema-1.2.7.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/net/sf/py4j/py4j/0.9/py4j-0.9.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/eclipse/jetty/orbit/javax.servlet/3.0.0.v201112011016/javax.servlet-3.0.0.v201112011016.jar:/Users/royl/.m2/repository/org/slf4j/jul-to-slf4j/1.7.10/jul-to-slf4j-1.7.10.jar:/Users/royl/.m2/repository/net/sourceforge/f2j/arpack_combined_all/0.1/arpack_combined_all-0.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/json4s/json4s-jackson_2.10/3.2.10/json4s-jackson_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/spire-math/spire-macros_2.10/0.7.4/spire-macros_2.10-0.7.4.jar:/Users/royl/.m2/repository/org/jpmml/pmml-agent/1.2.7/pmml-agent-1.2.7.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-local/0.8.2/tachyon-underfs-local-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/com/github/rwl/jtransforms/2.4.0/jtransforms-2.4.0.jar:/Users/royl/git/spark/repl/target/spark-repl_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-hdfs/0.8.2/tachyon-underfs-hdfs-0.8.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/apache/mesos/mesos/0.21.1/mesos-0.21.1-shaded-protobuf.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-annotations/2.5.3/jackson-annotations-2.5.3.jar:/Users/royl/.m2/repository/com/google/code/findbugs/jsr305/1.3.9/jsr305-1.3.9.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-databind/2.5.3/jackson-databind-2.5.3.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/org/codehaus/janino/janino/2.7.8/janino-2.7.8.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/org/spire-math/spire_2.10/0.7.4/spire_2.10-0.7.4.jar:/Users/royl/.m2/repository/com/typesafe/config/1.2.1/config-1.2.1.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math3/3.4.1/commons-math3-3.4.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/oro/oro/2.0.8/oro-2.0.8.jar:/Users/royl/.m2/repository/com/twitter/chill_2.10/0.5.0/chill_2.10-0.5.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/git/spark/unsafe/target/spark-unsafe_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-reflect/2.10.5/scala-reflect-2.10.5.jar:/Users/royl/.m2/repository/org/roaringbitmap/RoaringBitmap/0.5.11/RoaringBitmap-0.5.11.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/git/spark/streaming/target/spark-streaming_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/codehaus/janino/commons-compiler/2.7.8/commons-compiler-2.7.8.jar:/Users/royl/git/spark/sql/catalyst/target/spark-catalyst_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/git/spark/network/common/target/spark-network-common_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/jpmml/pmml-model/1.2.7/pmml-model-1.2.7.jar:/Users/royl/.m2/repository/org/fusesource/jansi/jansi/1.4/jansi-1.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/json4s/json4s-core_2.10/3.2.10/json4s-core_2.10-3.2.10.jar:/Users/royl/.m2/repository/org/apache/xbean/xbean-asm5-shaded/4.4/xbean-asm5-shaded-4.4.jar:/Users/royl/.m2/repository/org/objenesis/objenesis/1.2/objenesis-1.2.jar:/Users/royl/git/spark/launcher/target/spark-launcher_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/github/fommil/netlib/core/1.1.2/core-1.1.2.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/uncommons/maths/uncommons-maths/1.2.2a/uncommons-maths-1.2.2a.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/com/ning/compress-lzf/1.0.3/compress-lzf-1.0.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/json4s/json4s-ast_2.10/3.2.10/json4s-ast_2.10-3.2.10.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/module/jackson-module-scala_2.10/2.5.3/jackson-module-scala_2.10-2.5.3.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/com/clearspring/analytics/stream/2.7.0/stream-2.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/git/spark/graphx/target/spark-graphx_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/git/spark/core/target/spark-core_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/org/scalanlp/breeze-macros_2.10/0.11.2/breeze-macros_2.10-0.11.2.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/git/spark/sql/core/target/spark-sql_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/slf4j/jcl-over-slf4j/1.7.10/jcl-over-slf4j-1.7.10.jar:/Users/royl/.m2/repository/io/dropwizard/metrics/metrics-graphite/3.1.2/metrics-graphite-3.1.2.jar:/Users/royl/.m2/repository/com/fasterxml/jackson/core/jackson-core/2.5.3/jackson-core-2.5.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/com/esotericsoftware/reflectasm/reflectasm/1.07/reflectasm-1.07-shaded.jar:/Users/royl/git/spark/network/shuffle/target/spark-network-shuffle_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/scala-lang/scalap/2.10.5/scalap-2.10.5.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/com/twitter/chill-java/0.5.0/chill-java-0.5.0.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/tachyonproject/tachyon-underfs-s3/0.8.2/tachyon-underfs-s3-0.8.2.jar:/Users/royl/.m2/repository/org/scalamacros/quasiquotes_2.10/2.0.0-M8/quasiquotes_2.10-2.0.0-M8.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-actor_2.10/2.3.11/akka-actor_2.10-2.3.11.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-slf4j_2.10/2.3.11/akka-slf4j_2.10-2.3.11.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar:/Users/royl/.m2/repository/io/netty/netty-all/4.0.29.Final/netty-all-4.0.29.Final.jar:/Users/royl/.m2/repository/org/scalanlp/breeze_2.10/0.11.2/breeze_2.10-0.11.2.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-assembly_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-assembly_2.10 --- -[INFO] No source files found -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-assembly_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/assembly/src/main/scala -Saving to outputFile=/Users/royl/git/spark/assembly/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 1 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-assembly_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-assembly_2.10 --- -[INFO] Skipping artifact installation -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project External Twitter 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-twitter_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-twitter_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-twitter_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/external/twitter/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/external/twitter/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-twitter_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-core/4.0.4/twitter4j-core-4.0.4.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-stream/4.0.4/twitter4j-stream-4.0.4.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-twitter_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-twitter_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/twitter/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-twitter_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 3 Scala sources and 1 Java source to /Users/royl/git/spark/external/twitter/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-twitter_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 1 source file to /Users/royl/git/spark/external/twitter/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-twitter_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/external/twitter/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-twitter_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-twitter_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 1 Scala source and 2 Java sources to /Users/royl/git/spark/external/twitter/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-twitter_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 2 source files to /Users/royl/git/spark/external/twitter/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-twitter_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-twitter_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-twitter_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-twitter_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-twitter_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-twitter_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-twitter_2.10 --- -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.twitter4j:twitter4j-stream:jar:4.0.4 from the shaded jar. -[INFO] Excluding org.twitter4j:twitter4j-core:jar:4.0.4 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-twitter_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-twitter_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-twitter_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-twitter_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-twitter_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-twitter_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-core/4.0.4/twitter4j-core-4.0.4.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-stream/4.0.4/twitter4j-stream-4.0.4.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-twitter_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-twitter_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 7 documentable templates -[INFO] Building jar: /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-twitter_2.10 --- -Saving to outputFile=/Users/royl/git/spark/external/twitter/target/scalastyle-output.xml -Processed 3 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 44 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-twitter_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-twitter_2.10 --- -[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/external/twitter/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-twitter_2.10/2.0.0-SNAPSHOT/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project External Flume Sink 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume-sink_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/external/flume-sink/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/external/flume-sink/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume-sink_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar -[INFO] -[INFO] --- avro-maven-plugin:1.7.7:idl-protocol (default) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-flume-sink_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/flume-sink/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-flume-sink_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 6 Scala sources and 3 Java sources to /Users/royl/git/spark/external/flume-sink/target/scala-2.10/classes... -[WARNING] Class org.jboss.netty.channel.ChannelFactory not found - continuing with a stub. -[WARNING] Class org.jboss.netty.channel.ChannelFactory not found - continuing with a stub. -[WARNING] Class org.jboss.netty.channel.ChannelPipelineFactory not found - continuing with a stub. -[WARNING] Class org.jboss.netty.handler.execution.ExecutionHandler not found - continuing with a stub. -[WARNING] Class org.jboss.netty.channel.ChannelFactory not found - continuing with a stub. -[WARNING] Class org.jboss.netty.handler.execution.ExecutionHandler not found - continuing with a stub. -[WARNING] Class org.jboss.netty.channel.group.ChannelGroup not found - continuing with a stub. -[WARNING] Class com.google.common.collect.ImmutableMap not found - continuing with a stub. -[WARNING] Class com.google.common.collect.ImmutableMap not found - continuing with a stub. -[WARNING] Class com.google.common.collect.ImmutableMap not found - continuing with a stub. -[WARNING] Class com.google.common.collect.ImmutableMap not found - continuing with a stub. -[WARNING] 11 warnings found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] /Users/royl/git/spark/external/flume-sink/target/scala-2.10/src_managed/main/compiled_avro/org/apache/spark/streaming/flume/sink/EventBatch.java:243: warning: [unchecked] unchecked cast -[WARNING] record.events = fieldSetFlags()[2] ? this.events : (java.util.List) defaultValue(fields()[2]); -[WARNING] ^ -[WARNING] required: List -[WARNING] found: Object -[WARNING] /Users/royl/git/spark/external/flume-sink/target/scala-2.10/src_managed/main/compiled_avro/org/apache/spark/streaming/flume/sink/SparkSinkEvent.java:188: warning: [unchecked] unchecked cast -[WARNING] record.headers = fieldSetFlags()[0] ? this.headers : (java.util.Map) defaultValue(fields()[0]); -[WARNING] ^ -[WARNING] required: Map -[WARNING] found: Object -[WARNING] 3 warnings -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-flume-sink_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 3 source files to /Users/royl/git/spark/external/flume-sink/target/scala-2.10/classes -[WARNING] /Users/royl/git/spark/external/flume-sink/target/scala-2.10/src_managed/main/compiled_avro/org/apache/spark/streaming/flume/sink/EventBatch.java:[243,142] [unchecked] unchecked cast -[WARNING] required: List - found: Object -/Users/royl/git/spark/external/flume-sink/target/scala-2.10/src_managed/main/compiled_avro/org/apache/spark/streaming/flume/sink/SparkSinkEvent.java:[188,136] [unchecked] unchecked cast -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-flume-sink_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/external/flume-sink/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-flume-sink_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-flume-sink_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 1 Scala source to /Users/royl/git/spark/external/flume-sink/target/scala-2.10/test-classes... -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-flume-sink_2.10 --- -[INFO] Nothing to compile - all classes are up to date -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-flume-sink_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-flume-sink_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-flume-sink_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-flume-sink_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-flume-sink_2.10 --- -[INFO] Excluding org.apache.flume:flume-ng-sdk:jar:1.6.0 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.3 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.flume:flume-ng-core:jar:1.6.0 from the shaded jar. -[INFO] Excluding org.apache.flume:flume-ng-configuration:jar:1.6.0 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding joda-time:joda-time:jar:2.9 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty:jar:6.1.26 from the shaded jar. -[INFO] Excluding com.google.code.gson:gson:jar:2.2.2 from the shaded jar. -[INFO] Excluding org.apache.mina:mina-core:jar:2.0.4 from the shaded jar. -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-sink/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-sink/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-flume-sink_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-flume-sink_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-flume-sink_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume-sink_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar -[INFO] -[INFO] --- avro-maven-plugin:1.7.7:idl-protocol (default) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-flume-sink_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-flume-sink_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 11 documentable templates -[INFO] Building jar: /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-flume-sink_2.10 --- -Saving to outputFile=/Users/royl/git/spark/external/flume-sink/target/scalastyle-output.xml -Processed 6 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 106 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-flume-sink_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-flume-sink_2.10 --- -[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/external/flume-sink/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-sink_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project External Flume 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-flume_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/external/flume/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/external/flume/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-flume_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-flume_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/flume/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-flume_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 8 Scala sources and 1 Java source to /Users/royl/git/spark/external/flume/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-flume_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 1 source file to /Users/royl/git/spark/external/flume/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-flume_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/external/flume/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-flume_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-flume_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 3 Scala sources and 3 Java sources to /Users/royl/git/spark/external/flume/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-flume_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 3 source files to /Users/royl/git/spark/external/flume/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-flume_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-flume_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-flume_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-flume_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-flume_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-flume_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-flume_2.10 --- -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.spark:spark-streaming-flume-sink_2.10:jar:2.0.0-SNAPSHOT from the shaded jar. -[INFO] Excluding org.apache.flume:flume-ng-core:jar:1.6.0 from the shaded jar. -[INFO] Excluding org.apache.flume:flume-ng-configuration:jar:1.6.0 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding joda-time:joda-time:jar:2.9 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty:jar:6.1.26 from the shaded jar. -[INFO] Excluding com.google.code.gson:gson:jar:2.2.2 from the shaded jar. -[INFO] Excluding org.apache.mina:mina-core:jar:2.0.4 from the shaded jar. -[INFO] Excluding org.apache.flume:flume-ng-sdk:jar:1.6.0 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-flume_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-flume_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-flume_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-flume_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-flume_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 8 documentable templates -[INFO] Building jar: /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-flume_2.10 --- -Saving to outputFile=/Users/royl/git/spark/external/flume/target/scalastyle-output.xml -Processed 8 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 160 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-flume_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-flume_2.10 --- -[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/external/flume/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume_2.10/2.0.0-SNAPSHOT/spark-streaming-flume_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project External Flume Assembly 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-flume-assembly_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume-assembly_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/external/flume-assembly/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/external/flume-assembly/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-flume-assembly_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/flume-assembly/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-flume-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-flume-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/external/flume-assembly/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/flume-assembly/src/test/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-flume-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-flume-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-flume-assembly_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-flume-assembly_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Including org.apache.spark:spark-streaming-flume_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.spark:spark-streaming-flume-sink_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.flume:flume-ng-core:jar:1.6.0 in the shaded jar. -[INFO] Including org.apache.flume:flume-ng-configuration:jar:1.6.0 in the shaded jar. -[INFO] Including commons-io:commons-io:jar:2.1 in the shaded jar. -[INFO] Including commons-cli:commons-cli:jar:1.2 in the shaded jar. -[INFO] Including joda-time:joda-time:jar:2.9 in the shaded jar. -[INFO] Including com.google.code.gson:gson:jar:2.2.2 in the shaded jar. -[INFO] Including org.apache.mina:mina-core:jar:2.0.4 in the shaded jar. -[INFO] Including org.apache.flume:flume-ng-sdk:jar:1.6.0 in the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[WARNING] spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: -[WARNING] - org.apache.spark.unused.UnusedStubClass -[WARNING] maven-shade-plugin has detected that some class files are -[WARNING] present in two or more JARs. When this happens, only one -[WARNING] single version of the class is copied to the uber jar. -[WARNING] Usually this is not harmful and you can skip these warnings, -[WARNING] otherwise try to manually exclude artifacts based on -[WARNING] mvn dependency:tree -Ddetail=true and the above output. -[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-flume-assembly_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-flume-assembly_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-flume-assembly_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-flume-assembly_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-flume-assembly_2.10 --- -[INFO] No source files found -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-flume-assembly_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/external/flume-assembly/src/main/scala -Saving to outputFile=/Users/royl/git/spark/external/flume-assembly/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 1 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-flume-assembly_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-flume-assembly_2.10 --- -[INFO] Installing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/external/flume-assembly/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/external/flume-assembly/target/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-flume-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-flume-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project External MQTT 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-mqtt_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-mqtt_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-mqtt_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/external/mqtt/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/external/mqtt/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-mqtt_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-mqtt_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-mqtt_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/mqtt/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-mqtt_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 3 Scala sources and 1 Java source to /Users/royl/git/spark/external/mqtt/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-mqtt_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 1 source file to /Users/royl/git/spark/external/mqtt/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-mqtt_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/external/mqtt/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-mqtt_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-mqtt_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 2 Scala sources and 2 Java sources to /Users/royl/git/spark/external/mqtt/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-mqtt_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 2 source files to /Users/royl/git/spark/external/mqtt/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-mqtt_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-mqtt_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-mqtt_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-mqtt_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-mqtt_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-mqtt_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-mqtt_2.10 --- -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.eclipse.paho:org.eclipse.paho.client.mqttv3:jar:1.0.2 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-mqtt_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-mqtt_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] --- maven-assembly-plugin:2.5.5:single (test-jar-with-dependencies) @ spark-streaming-mqtt_2.10 --- -[INFO] Reading assembly descriptor: src/main/assembly/assembly.xml -[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/scala-2.10/spark-streaming-mqtt-test-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-mqtt_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-mqtt_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-mqtt_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-mqtt_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-mqtt_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-mqtt_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 7 documentable templates -[INFO] Building jar: /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-mqtt_2.10 --- -Saving to outputFile=/Users/royl/git/spark/external/mqtt/target/scalastyle-output.xml -Processed 3 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 17 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-mqtt_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-mqtt_2.10 --- -[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/external/mqtt/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project External MQTT Assembly 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/external/mqtt-assembly/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/external/mqtt-assembly/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/mqtt-assembly/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/external/mqtt-assembly/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/mqtt-assembly/src/test/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Including org.apache.spark:spark-streaming-mqtt_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.eclipse.paho:org.eclipse.paho.client.mqttv3:jar:1.0.2 in the shaded jar. -[INFO] Including com.thoughtworks.paranamer:paranamer:jar:2.6 in the shaded jar. -[INFO] Including commons-io:commons-io:jar:2.1 in the shaded jar. -[INFO] Including org.apache.avro:avro:jar:1.7.7 in the shaded jar. -[INFO] Including org.apache.commons:commons-compress:jar:1.4.1 in the shaded jar. -[INFO] Including org.tukaani:xz:jar:1.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 in the shaded jar. -[INFO] Including com.google.inject:guice:jar:3.0 in the shaded jar. -[INFO] Including javax.inject:javax.inject:jar:1 in the shaded jar. -[INFO] Including aopalliance:aopalliance:jar:1.0 in the shaded jar. -[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 in the shaded jar. -[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 in the shaded jar. -[INFO] Including javax.servlet:javax.servlet-api:jar:3.0.1 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-client:jar:1.9 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-grizzly2:jar:1.9 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-framework:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 in the shaded jar. -[INFO] Including org.glassfish.external:management-api:jar:3.0.0-b012 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish:javax.servlet:jar:3.1 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-json:jar:1.9 in the shaded jar. -[INFO] Including org.codehaus.jettison:jettison:jar:1.1 in the shaded jar. -[INFO] Including com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 in the shaded jar. -[INFO] Including javax.xml.bind:jaxb-api:jar:2.2.2 in the shaded jar. -[INFO] Including javax.activation:activation:jar:1.1 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-xc:jar:1.9.13 in the shaded jar. -[INFO] Including com.sun.jersey.contribs:jersey-guice:jar:1.9 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.avro:avro-ipc:jar:1.7.7 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-core-asl:jar:1.9.13 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 in the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar define 74 overlapping classes: -[WARNING] - javax.servlet.http.Cookie -[WARNING] - javax.servlet.ServletContext -[WARNING] - javax.servlet.Registration -[WARNING] - javax.servlet.http.HttpSessionListener -[WARNING] - javax.servlet.http.HttpSessionContext -[WARNING] - javax.servlet.FilterChain -[WARNING] - javax.servlet.http.HttpServletRequestWrapper -[WARNING] - javax.servlet.http.HttpSessionAttributeListener -[WARNING] - javax.servlet.http.HttpSessionBindingListener -[WARNING] - javax.servlet.annotation.HandlesTypes -[WARNING] - 64 more... -[WARNING] hadoop-yarn-common-2.2.0.jar, hadoop-yarn-api-2.2.0.jar define 3 overlapping classes: -[WARNING] - org.apache.hadoop.yarn.util.package-info -[WARNING] - org.apache.hadoop.yarn.factories.package-info -[WARNING] - org.apache.hadoop.yarn.factory.providers.package-info -[WARNING] spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: -[WARNING] - org.apache.spark.unused.UnusedStubClass -[WARNING] maven-shade-plugin has detected that some class files are -[WARNING] present in two or more JARs. When this happens, only one -[WARNING] single version of the class is copied to the uber jar. -[WARNING] Usually this is not harmful and you can skip these warnings, -[WARNING] otherwise try to manually exclude artifacts based on -[WARNING] mvn dependency:tree -Ddetail=true and the above output. -[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt-assembly/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/mqtt-assembly/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-mqtt-assembly_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-mqtt-assembly_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] No source files found -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-mqtt-assembly_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/external/mqtt-assembly/src/main/scala -Saving to outputFile=/Users/royl/git/spark/external/mqtt-assembly/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 0 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-mqtt-assembly_2.10 --- -[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/external/mqtt-assembly/target/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-mqtt-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-mqtt-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project External ZeroMQ 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-zeromq_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-zeromq_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-zeromq_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/external/zeromq/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/external/zeromq/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-zeromq_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/net/java/dev/jna/jna/3.0.9/jna-3.0.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-zeromq_2.10/2.3.11/akka-zeromq_2.10-2.3.11.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/github/jnr/jnr-constants/0.8.2/jnr-constants-0.8.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/zeromq/zeromq-scala-binding_2.10/0.0.7/zeromq-scala-binding_2.10-0.0.7.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-zeromq_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-zeromq_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/zeromq/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-zeromq_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 3 Scala sources and 1 Java source to /Users/royl/git/spark/external/zeromq/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-zeromq_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 1 source file to /Users/royl/git/spark/external/zeromq/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-zeromq_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/external/zeromq/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-zeromq_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-zeromq_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 1 Scala source and 2 Java sources to /Users/royl/git/spark/external/zeromq/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-zeromq_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 2 source files to /Users/royl/git/spark/external/zeromq/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-zeromq_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-zeromq_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-zeromq_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-zeromq_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-zeromq_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-zeromq_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-zeromq_2.10 --- -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding com.typesafe.akka:akka-zeromq_2.10:jar:2.3.11 from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding org.zeromq:zeromq-scala-binding_2.10:jar:0.0.7 from the shaded jar. -[INFO] Excluding net.java.dev.jna:jna:jar:3.0.9 from the shaded jar. -[INFO] Excluding com.github.jnr:jnr-constants:jar:0.8.2 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/zeromq/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/zeromq/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/zeromq/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-zeromq_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-zeromq_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-zeromq_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-zeromq_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-zeromq_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-zeromq_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/net/java/dev/jna/jna/3.0.9/jna-3.0.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-zeromq_2.10/2.3.11/akka-zeromq_2.10-2.3.11.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/com/github/jnr/jnr-constants/0.8.2/jnr-constants-0.8.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/zeromq/zeromq-scala-binding_2.10/0.0.7/zeromq-scala-binding_2.10-0.0.7.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-zeromq_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-zeromq_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 7 documentable templates -[INFO] Building jar: /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-zeromq_2.10 --- -Saving to outputFile=/Users/royl/git/spark/external/zeromq/target/scalastyle-output.xml -Processed 3 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 20 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-zeromq_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-zeromq_2.10 --- -[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/external/zeromq/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-zeromq_2.10/2.0.0-SNAPSHOT/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project External Kafka 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-kafka_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-kafka_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-kafka_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/external/kafka/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/external/kafka/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-kafka_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-kafka_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-kafka_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/kafka/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-kafka_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 11 Scala sources and 1 Java source to /Users/royl/git/spark/external/kafka/target/scala-2.10/classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-kafka_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 1 source file to /Users/royl/git/spark/external/kafka/target/scala-2.10/classes -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-kafka_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/external/kafka/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-kafka_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 1 resource -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-kafka_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 5 Scala sources and 3 Java sources to /Users/royl/git/spark/external/kafka/target/scala-2.10/test-classes... -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] 1 warning -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-kafka_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 3 source files to /Users/royl/git/spark/external/kafka/target/scala-2.10/test-classes -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-kafka_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-kafka_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-kafka_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-kafka_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-kafka_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-kafka_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-kafka_2.10 --- -[INFO] Excluding org.scala-lang:scala-library:jar:2.10.5 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro:jar:1.7.7 from the shaded jar. -[INFO] Excluding org.apache.avro:avro-ipc:jar:tests:1.7.7 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-core-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding commons-cli:commons-cli:jar:1.2 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-math:jar:2.1 from the shaded jar. -[INFO] Excluding xmlenc:xmlenc:jar:0.52 from the shaded jar. -[INFO] Excluding commons-configuration:commons-configuration:jar:1.6 from the shaded jar. -[INFO] Excluding commons-collections:commons-collections:jar:3.2.2 from the shaded jar. -[INFO] Excluding commons-digester:commons-digester:jar:1.8 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils:jar:1.7.0 from the shaded jar. -[INFO] Excluding commons-beanutils:commons-beanutils-core:jar:1.8.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-auth:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.commons:commons-compress:jar:1.4.1 from the shaded jar. -[INFO] Excluding org.tukaani:xz:jar:1.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-hdfs:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.mortbay.jetty:jetty-util:jar:6.1.26 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 from the shaded jar. -[INFO] Excluding com.google.inject:guice:jar:3.0 from the shaded jar. -[INFO] Excluding javax.inject:javax.inject:jar:1 from the shaded jar. -[INFO] Excluding aopalliance:aopalliance:jar:1.0 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 from the shaded jar. -[INFO] Excluding javax.servlet:javax.servlet-api:jar:3.0.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-client:jar:1.9 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-grizzly2:jar:1.9 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-framework:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 from the shaded jar. -[INFO] Excluding org.glassfish.external:management-api:jar:3.0.0-b012 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 from the shaded jar. -[INFO] Excluding org.glassfish:javax.servlet:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-json:jar:1.9 from the shaded jar. -[INFO] Excluding org.codehaus.jettison:jettison:jar:1.1 from the shaded jar. -[INFO] Excluding com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 from the shaded jar. -[INFO] Excluding javax.xml.bind:jaxb-api:jar:2.2.2 from the shaded jar. -[INFO] Excluding javax.activation:activation:jar:1.1 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 from the shaded jar. -[INFO] Excluding org.codehaus.jackson:jackson-xc:jar:1.9.13 from the shaded jar. -[INFO] Excluding com.sun.jersey.contribs:jersey-guice:jar:1.9 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.hadoop:hadoop-annotations:jar:2.2.0 from the shaded jar. -[INFO] Excluding net.java.dev.jets3t:jets3t:jar:0.7.1 from the shaded jar. -[INFO] Excluding commons-codec:commons-codec:jar:1.10 from the shaded jar. -[INFO] Excluding commons-httpclient:commons-httpclient:jar:3.1 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-recipes:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-framework:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.curator:curator-client:jar:2.4.0 from the shaded jar. -[INFO] Excluding org.apache.zookeeper:zookeeper:jar:3.4.5 from the shaded jar. -[INFO] Excluding jline:jline:jar:0.9.94 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-api:jar:1.7.10 from the shaded jar. -[INFO] Excluding log4j:log4j:jar:1.2.17 from the shaded jar. -[INFO] Excluding org.slf4j:slf4j-log4j12:jar:1.7.10 from the shaded jar. -[INFO] Excluding org.xerial.snappy:snappy-java:jar:1.1.2 from the shaded jar. -[INFO] Excluding net.jpountz.lz4:lz4:jar:1.3.0 from the shaded jar. -[INFO] Excluding commons-net:commons-net:jar:2.2 from the shaded jar. -[INFO] Excluding com.google.protobuf:protobuf-java:jar:2.5.0 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-server:jar:1.9 from the shaded jar. -[INFO] Excluding asm:asm:jar:3.1 from the shaded jar. -[INFO] Excluding com.sun.jersey:jersey-core:jar:1.9 from the shaded jar. -[INFO] Excluding com.thoughtworks.paranamer:paranamer:jar:2.6 from the shaded jar. -[INFO] Excluding commons-lang:commons-lang:jar:2.6 from the shaded jar. -[INFO] Excluding commons-io:commons-io:jar:2.4 from the shaded jar. -[INFO] Excluding org.apache.kafka:kafka_2.10:jar:0.8.2.1 from the shaded jar. -[INFO] Excluding com.yammer.metrics:metrics-core:jar:2.2.0 from the shaded jar. -[INFO] Excluding org.apache.kafka:kafka-clients:jar:0.8.2.1 from the shaded jar. -[INFO] Excluding com.101tec:zkclient:jar:0.3 from the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-kafka_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-kafka_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-kafka_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-kafka_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-kafka_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-kafka_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/jline/jline/0.9.94/jline-0.9.94.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/scala-lang/scala-library/2.10.5/scala-library-2.10.5.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-kafka_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-kafka_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 12 documentable templates -/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/OffsetRange.scala:22: warning: Could not find any member to link for "KafkaUtils.createDirectStream()". -/** -^ -/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/KafkaUtils.scala:555: warning: Could not find any member to link for "StreamingContext". - /** - ^ -/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/KafkaUtils.scala:489: warning: Could not find any member to link for "StreamingContext". - /** - ^ -/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/KafkaUtils.scala:438: warning: Could not find any member to link for "StreamingContext". - /** - ^ -/Users/royl/git/spark/external/kafka/src/main/scala/org/apache/spark/streaming/kafka/KafkaUtils.scala:386: warning: Could not find any member to link for "StreamingContext". - /** - ^ -5 warnings found -[INFO] Building jar: /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-kafka_2.10 --- -Saving to outputFile=/Users/royl/git/spark/external/kafka/target/scalastyle-output.xml -Processed 11 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 213 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-kafka_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-kafka_2.10 --- -[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/external/kafka/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] Installing /Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-javadoc.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project Examples 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-examples_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-examples_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-examples_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/examples/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/examples/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-examples_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/commons-el/commons-el/1.0/commons-el-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0-tests.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-exec/1.2.1.spark/hive-exec-1.2.1.spark.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-common/0.98.7-hadoop2/hbase-common-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/tomcat/jasper-compiler/5.5.23/jasper-compiler-5.5.23.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/jruby/joni/joni/2.1.2/joni-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0-tests.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-hs/2.2.0/hadoop-mapreduce-client-hs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-minicluster/2.2.0/hadoop-minicluster-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-logging/commons-logging/1.1.1/commons-logging-1.1.1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/commons-dbcp/commons-dbcp/1.4/commons-dbcp-1.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/antlr/ST4/4.0.4/ST4-4.0.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/yaml/snakeyaml/1.6/snakeyaml-1.6.jar:/Users/royl/.m2/repository/net/java/dev/jna/jna/3.0.9/jna-3.0.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/cassandra/cassandra-all/1.2.6/cassandra-all-1.2.6.jar:/Users/royl/.m2/repository/org/jamon/jamon-runtime/2.3.1/jamon-runtime-2.3.1.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/iq80/snappy/snappy/0.2/snappy-0.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/com/github/stephenc/jamm/0.2.5/jamm-0.2.5.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/twitter/algebird-core_2.10/0.9.0/algebird-core_2.10-0.9.0.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-protocol/0.98.7-hadoop2/hbase-protocol-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-sslengine/6.1.26/jetty-sslengine-6.1.26.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-zeromq_2.10/2.3.11/akka-zeromq_2.10-2.3.11.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/javolution/javolution/5.5.1/javolution-5.5.1.jar:/Users/royl/.m2/repository/com/jolbox/bonecp/0.8.0.RELEASE/bonecp-0.8.0.RELEASE.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/github/scopt/scopt_2.10/3.2.0/scopt_2.10-3.2.0.jar:/Users/royl/.m2/repository/com/github/jnr/jnr-constants/0.8.2/jnr-constants-0.8.2.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/cassandra/cassandra-thrift/1.2.6/cassandra-thrift-1.2.6.jar:/Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/javax/transaction/jta/1.1/jta-1.1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-common/0.98.7-hadoop2/hbase-common-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/codehaus/groovy/groovy-all/2.1.6/groovy-all-2.1.6.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/servlet-api-2.5/6.1.14/servlet-api-2.5-6.1.14.jar:/Users/royl/.m2/repository/log4j/apache-log4j-extras/1.2.17/apache-log4j-extras-1.2.17.jar:/Users/royl/.m2/repository/org/zeromq/zeromq-scala-binding_2.10/0.0.7/zeromq-scala-binding_2.10-0.0.7.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/com/jcraft/jsch/0.1.42/jsch-0.1.42.jar:/Users/royl/.m2/repository/javax/jdo/jdo-api/3.0.1/jdo-api-3.0.1.jar:/Users/royl/.m2/repository/org/jruby/jcodings/jcodings/1.0.8/jcodings-1.0.8.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jsp-api-2.1/6.1.14/jsp-api-2.1-6.1.14.jar:/Users/royl/.m2/repository/stax/stax-api/1.0.1/stax-api-1.0.1.jar:/Users/royl/.m2/repository/org/cloudera/htrace/htrace-core/2.04/htrace-core-2.04.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-avatica/1.2.0-incubating/calcite-avatica-1.2.0-incubating.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-nodemanager/2.2.0/hadoop-yarn-server-nodemanager-2.2.0.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/twitter/parquet-hadoop-bundle/1.6.0/parquet-hadoop-bundle-1.6.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-daemon/commons-daemon/1.0.13/commons-daemon-1.0.13.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-core/3.2.10/datanucleus-core-3.2.10.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-core/4.0.4/twitter4j-core-4.0.4.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/jline/jline/2.12/jline-2.12.jar:/Users/royl/.m2/repository/org/mindrot/jbcrypt/0.3m/jbcrypt-0.3m.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/derby/derby/10.10.1.1/derby-10.10.1.1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop2-compat/0.98.7-hadoop2/hbase-hadoop2-compat-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-testing-util/0.98.7-hadoop2/hbase-testing-util-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-server/0.98.7-hadoop2/hbase-server-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/org/antlr/antlr/3.2/antlr-3.2.jar:/Users/royl/.m2/repository/commons-pool/commons-pool/1.5.4/commons-pool-1.5.4.jar:/Users/royl/.m2/repository/com/github/stephenc/high-scale-lib/high-scale-lib/1.1.1/high-scale-lib-1.1.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jsp-2.1/6.1.14/jsp-2.1-6.1.14.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/jodd/jodd-core/3.5.2/jodd-core-3.5.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/com/github/stephenc/findbugs/findbugs-annotations/1.3.9-1/findbugs-annotations-1.3.9-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/edu/stanford/ppl/snaptree/0.1/snaptree-0.1.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/tomcat/jasper-runtime/5.5.23/jasper-runtime-5.5.23.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-metastore/1.2.1.spark/hive-metastore-1.2.1.spark.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop-compat/0.98.7-hadoop2/hbase-hadoop-compat-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0-tests.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/com/googlecode/javaewah/JavaEWAH/0.6.6/JavaEWAH-0.6.6.jar:/Users/royl/.m2/repository/com/googlecode/json-simple/json-simple/1.1/json-simple-1.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-client/0.98.7-hadoop2/hbase-client-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-stream/4.0.4/twitter4j-stream-4.0.4.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-rdbms/3.2.9/datanucleus-rdbms-3.2.9.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-web-proxy/2.2.0/hadoop-yarn-server-web-proxy-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/extensions/guice-servlet/3.0/guice-servlet-3.0.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop2-compat/0.98.7-hadoop2/hbase-hadoop2-compat-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-api-jdo/3.2.6/datanucleus-api-jdo-3.2.6.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-prefix-tree/0.98.7-hadoop2/hbase-prefix-tree-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/json/json/20090211/json-20090211.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-server/0.98.7-hadoop2/hbase-server-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-examples_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-examples_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] Copying 7 resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-examples_2.10 --- -[WARNING] Zinc server is not available at port 3030 - reverting to normal incremental compile -[INFO] Using incremental compilation -[INFO] Compiling 150 Scala sources and 89 Java sources to /Users/royl/git/spark/examples/target/scala-2.10/classes... -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceStability not found - continuing with a stub. -[WARNING] Class org.apache.hadoop.hbase.classification.InterfaceAudience not found - continuing with a stub. -[WARNING] 65 warnings found -[WARNING] warning: [options] bootstrap class path not set in conjunction with -source 1.7 -[WARNING] /Users/royl/git/spark/examples/src/main/java/org/apache/spark/examples/streaming/JavaActorWordCount.java:60: warning: [unchecked] unchecked cast -[WARNING] store((T) msg); -[WARNING] ^ -[WARNING] required: T -[WARNING] found: Object -[WARNING] where T is a type-variable: -[WARNING] T extends Object declared in class JavaSampleActorReceiver -[WARNING] 2 warnings -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-examples_2.10 --- -[INFO] Changes detected - recompiling the module! -[INFO] Compiling 89 source files to /Users/royl/git/spark/examples/target/scala-2.10/classes -[WARNING] /Users/royl/git/spark/examples/src/main/java/org/apache/spark/examples/streaming/JavaActorWordCount.java:[60,14] [unchecked] unchecked cast -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-examples_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/examples/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-examples_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/examples/src/test/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-examples_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-examples_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-examples_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-examples_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-examples_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-examples_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-examples_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-examples_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-examples_2.10 --- -[INFO] Including org.apache.avro:avro-mapred:jar:hadoop2:1.7.7 in the shaded jar. -[INFO] Including org.apache.avro:avro-ipc:jar:1.7.7 in the shaded jar. -[INFO] Including org.apache.avro:avro-ipc:jar:tests:1.7.7 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-client:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-app:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-annotations:jar:2.2.0 in the shaded jar. -[INFO] Including net.java.dev.jets3t:jets3t:jar:0.7.1 in the shaded jar. -[INFO] Including org.apache.curator:curator-recipes:jar:2.4.0 in the shaded jar. -[INFO] Including org.apache.curator:curator-framework:jar:2.4.0 in the shaded jar. -[INFO] Including org.apache.curator:curator-client:jar:2.4.0 in the shaded jar. -[INFO] Including org.apache.commons:commons-lang3:jar:3.3.2 in the shaded jar. -[INFO] Including org.slf4j:slf4j-api:jar:1.7.10 in the shaded jar. -[INFO] Including log4j:log4j:jar:1.2.17 in the shaded jar. -[INFO] Including org.slf4j:slf4j-log4j12:jar:1.7.10 in the shaded jar. -[INFO] Including org.xerial.snappy:snappy-java:jar:1.1.2 in the shaded jar. -[INFO] Including net.jpountz.lz4:lz4:jar:1.3.0 in the shaded jar. -[INFO] Including commons-net:commons-net:jar:2.2 in the shaded jar. -[INFO] Including io.netty:netty:jar:3.8.0.Final in the shaded jar. -[INFO] Including com.sun.jersey:jersey-server:jar:1.9 in the shaded jar. -[INFO] Including asm:asm:jar:3.1 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-core:jar:1.9 in the shaded jar. -[INFO] Including com.thoughtworks.paranamer:paranamer:jar:2.6 in the shaded jar. -[INFO] Including org.apache.ivy:ivy:jar:2.4.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-column:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-common:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-encoding:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-generator:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-hadoop:jar:1.7.0 in the shaded jar. -[INFO] Including org.apache.parquet:parquet-format:jar:2.3.0-incubating in the shaded jar. -[INFO] Including org.apache.parquet:parquet-jackson:jar:1.7.0 in the shaded jar. -[INFO] Including net.sf.opencsv:opencsv:jar:2.3 in the shaded jar. -[INFO] Including com.twitter:parquet-hadoop-bundle:jar:1.6.0 in the shaded jar. -[INFO] Including org.spark-project.hive:hive-exec:jar:1.2.1.spark in the shaded jar. -[INFO] Including javolution:javolution:jar:5.5.1 in the shaded jar. -[INFO] Including log4j:apache-log4j-extras:jar:1.2.17 in the shaded jar. -[INFO] Including org.antlr:antlr-runtime:jar:3.5.2 in the shaded jar. -[INFO] Including org.antlr:ST4:jar:4.0.4 in the shaded jar. -[INFO] Including org.apache.commons:commons-compress:jar:1.4.1 in the shaded jar. -[INFO] Including org.tukaani:xz:jar:1.0 in the shaded jar. -[INFO] Including org.codehaus.groovy:groovy-all:jar:2.1.6 in the shaded jar. -[INFO] Including org.iq80.snappy:snappy:jar:0.2 in the shaded jar. -[INFO] Including org.json:json:jar:20090211 in the shaded jar. -[INFO] Including stax:stax-api:jar:1.0.1 in the shaded jar. -[INFO] Including jline:jline:jar:2.12 in the shaded jar. -[INFO] Including org.spark-project.hive:hive-metastore:jar:1.2.1.spark in the shaded jar. -[INFO] Including com.jolbox:bonecp:jar:0.8.0.RELEASE in the shaded jar. -[INFO] Including org.apache.derby:derby:jar:10.10.1.1 in the shaded jar. -[INFO] Including org.datanucleus:datanucleus-api-jdo:jar:3.2.6 in the shaded jar. -[INFO] Including org.datanucleus:datanucleus-rdbms:jar:3.2.9 in the shaded jar. -[INFO] Including commons-pool:commons-pool:jar:1.5.4 in the shaded jar. -[INFO] Including commons-dbcp:commons-dbcp:jar:1.4 in the shaded jar. -[INFO] Including javax.jdo:jdo-api:jar:3.0.1 in the shaded jar. -[INFO] Including javax.transaction:jta:jar:1.1 in the shaded jar. -[INFO] Including org.apache.avro:avro:jar:1.7.7 in the shaded jar. -[INFO] Including commons-httpclient:commons-httpclient:jar:3.1 in the shaded jar. -[INFO] Including org.apache.calcite:calcite-avatica:jar:1.2.0-incubating in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 in the shaded jar. -[INFO] Including commons-codec:commons-codec:jar:1.10 in the shaded jar. -[INFO] Including joda-time:joda-time:jar:2.9 in the shaded jar. -[INFO] Including org.jodd:jodd-core:jar:3.5.2 in the shaded jar. -[INFO] Including org.datanucleus:datanucleus-core:jar:3.2.10 in the shaded jar. -[INFO] Including org.apache.spark:spark-streaming-twitter_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.twitter4j:twitter4j-stream:jar:4.0.4 in the shaded jar. -[INFO] Including org.twitter4j:twitter4j-core:jar:4.0.4 in the shaded jar. -[INFO] Including org.apache.spark:spark-streaming-flume_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.spark:spark-streaming-flume-sink_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.flume:flume-ng-core:jar:1.6.0 in the shaded jar. -[INFO] Including org.apache.flume:flume-ng-configuration:jar:1.6.0 in the shaded jar. -[INFO] Including com.google.code.gson:gson:jar:2.2.2 in the shaded jar. -[INFO] Including org.apache.mina:mina-core:jar:2.0.4 in the shaded jar. -[INFO] Including org.apache.flume:flume-ng-sdk:jar:1.6.0 in the shaded jar. -[INFO] Including org.apache.spark:spark-streaming-mqtt_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.eclipse.paho:org.eclipse.paho.client.mqttv3:jar:1.0.2 in the shaded jar. -[INFO] Including org.apache.spark:spark-streaming-zeromq_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including com.typesafe.akka:akka-zeromq_2.10:jar:2.3.11 in the shaded jar. -[INFO] Including org.zeromq:zeromq-scala-binding_2.10:jar:0.0.7 in the shaded jar. -[INFO] Including net.java.dev.jna:jna:jar:3.0.9 in the shaded jar. -[INFO] Including com.github.jnr:jnr-constants:jar:0.8.2 in the shaded jar. -[INFO] Including org.apache.spark:spark-streaming-kafka_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.kafka:kafka_2.10:jar:0.8.2.1 in the shaded jar. -[INFO] Including org.apache.kafka:kafka-clients:jar:0.8.2.1 in the shaded jar. -[INFO] Including com.101tec:zkclient:jar:0.3 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-testing-util:jar:0.98.7-hadoop2 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-common:test-jar:tests:0.98.7-hadoop2 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-server:test-jar:tests:0.98.7-hadoop2 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-json:jar:1.9 in the shaded jar. -[INFO] Including org.codehaus.jettison:jettison:jar:1.1 in the shaded jar. -[INFO] Including com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-xc:jar:1.9.13 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-hadoop2-compat:jar:0.98.7-hadoop2 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-hadoop2-compat:test-jar:tests:0.98.7-hadoop2 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-common:jar:2.2.0 in the shaded jar. -[INFO] Including xmlenc:xmlenc:jar:0.52 in the shaded jar. -[INFO] Including commons-el:commons-el:jar:1.0 in the shaded jar. -[INFO] Including commons-configuration:commons-configuration:jar:1.6 in the shaded jar. -[INFO] Including commons-digester:commons-digester:jar:1.8 in the shaded jar. -[INFO] Including commons-beanutils:commons-beanutils:jar:1.7.0 in the shaded jar. -[INFO] Including commons-beanutils:commons-beanutils-core:jar:1.8.0 in the shaded jar. -[INFO] Including com.jcraft:jsch:jar:0.1.42 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-auth:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-core:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 in the shaded jar. -[INFO] Including com.google.inject:guice:jar:3.0 in the shaded jar. -[INFO] Including javax.inject:javax.inject:jar:1 in the shaded jar. -[INFO] Including aopalliance:aopalliance:jar:1.0 in the shaded jar. -[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 in the shaded jar. -[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 in the shaded jar. -[INFO] Including javax.servlet:javax.servlet-api:jar:3.0.1 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-client:jar:1.9 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-grizzly2:jar:1.9 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-framework:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 in the shaded jar. -[INFO] Including org.glassfish.external:management-api:jar:3.0.0-b012 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish:javax.servlet:jar:3.1 in the shaded jar. -[INFO] Including com.sun.jersey.contribs:jersey-guice:jar:1.9 in the shaded jar. -[INFO] Including com.google.inject.extensions:guice-servlet:jar:3.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-jobclient:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-common:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-server-common:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-shuffle:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-server-nodemanager:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-hdfs:jar:2.2.0 in the shaded jar. -[INFO] Including commons-daemon:commons-daemon:jar:1.0.13 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-hdfs:test-jar:tests:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-minicluster:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-common:test-jar:tests:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-server-web-proxy:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-jobclient:test-jar:tests:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-mapreduce-client-hs:jar:2.2.0 in the shaded jar. -[INFO] Including com.github.stephenc.findbugs:findbugs-annotations:jar:1.3.9-1 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-protocol:jar:0.98.7-hadoop2 in the shaded jar. -[INFO] Including com.google.protobuf:protobuf-java:jar:2.5.0 in the shaded jar. -[INFO] Including commons-logging:commons-logging:jar:1.1.1 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-common:jar:0.98.7-hadoop2 in the shaded jar. -[INFO] Including commons-lang:commons-lang:jar:2.6 in the shaded jar. -[INFO] Including commons-collections:commons-collections:jar:3.2.2 in the shaded jar. -[INFO] Including commons-io:commons-io:jar:2.4 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-client:jar:0.98.7-hadoop2 in the shaded jar. -[INFO] Including org.apache.zookeeper:zookeeper:jar:3.4.5 in the shaded jar. -[INFO] Including org.cloudera.htrace:htrace-core:jar:2.04 in the shaded jar. -[INFO] Including org.jruby.joni:joni:jar:2.1.2 in the shaded jar. -[INFO] Including org.jruby.jcodings:jcodings:jar:1.0.8 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-server:jar:0.98.7-hadoop2 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-prefix-tree:jar:0.98.7-hadoop2 in the shaded jar. -[INFO] Including com.yammer.metrics:metrics-core:jar:2.2.0 in the shaded jar. -[INFO] Including commons-cli:commons-cli:jar:1.2 in the shaded jar. -[INFO] Including com.github.stephenc.high-scale-lib:high-scale-lib:jar:1.1.1 in the shaded jar. -[INFO] Including org.mortbay.jetty:jetty:jar:6.1.26 in the shaded jar. -[INFO] Including org.mortbay.jetty:jetty-util:jar:6.1.26 in the shaded jar. -[INFO] Including org.mortbay.jetty:jetty-sslengine:jar:6.1.26 in the shaded jar. -[INFO] Including org.mortbay.jetty:jsp-2.1:jar:6.1.14 in the shaded jar. -[INFO] Including org.mortbay.jetty:jsp-api-2.1:jar:6.1.14 in the shaded jar. -[INFO] Including org.mortbay.jetty:servlet-api-2.5:jar:6.1.14 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-core-asl:jar:1.9.13 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 in the shaded jar. -[INFO] Including tomcat:jasper-compiler:jar:5.5.23 in the shaded jar. -[INFO] Including tomcat:jasper-runtime:jar:5.5.23 in the shaded jar. -[INFO] Including org.jamon:jamon-runtime:jar:2.3.1 in the shaded jar. -[INFO] Including javax.xml.bind:jaxb-api:jar:2.2.2 in the shaded jar. -[INFO] Including javax.activation:activation:jar:1.1 in the shaded jar. -[INFO] Including org.apache.hbase:hbase-hadoop-compat:jar:0.98.7-hadoop2 in the shaded jar. -[INFO] Including org.apache.commons:commons-math:jar:2.1 in the shaded jar. -[INFO] Including com.twitter:algebird-core_2.10:jar:0.9.0 in the shaded jar. -[INFO] Including com.googlecode.javaewah:JavaEWAH:jar:0.6.6 in the shaded jar. -[INFO] Including org.apache.cassandra:cassandra-all:jar:1.2.6 in the shaded jar. -[INFO] Including org.antlr:antlr:jar:3.2 in the shaded jar. -[INFO] Including com.googlecode.json-simple:json-simple:jar:1.1 in the shaded jar. -[INFO] Including org.yaml:snakeyaml:jar:1.6 in the shaded jar. -[INFO] Including edu.stanford.ppl:snaptree:jar:0.1 in the shaded jar. -[INFO] Including org.mindrot:jbcrypt:jar:0.3m in the shaded jar. -[INFO] Including org.apache.cassandra:cassandra-thrift:jar:1.2.6 in the shaded jar. -[INFO] Including com.github.stephenc:jamm:jar:0.2.5 in the shaded jar. -[INFO] Including com.github.scopt:scopt_2.10:jar:3.2.0 in the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[WARNING] commons-beanutils-core-1.8.0.jar, commons-beanutils-1.7.0.jar, commons-collections-3.2.2.jar define 10 overlapping classes: -[WARNING] - org.apache.commons.collections.FastHashMap$EntrySet -[WARNING] - org.apache.commons.collections.FastHashMap$KeySet -[WARNING] - org.apache.commons.collections.ArrayStack -[WARNING] - org.apache.commons.collections.FastHashMap$CollectionView$CollectionViewIterator -[WARNING] - org.apache.commons.collections.FastHashMap$Values -[WARNING] - org.apache.commons.collections.FastHashMap$CollectionView -[WARNING] - org.apache.commons.collections.FastHashMap$1 -[WARNING] - org.apache.commons.collections.Buffer -[WARNING] - org.apache.commons.collections.FastHashMap -[WARNING] - org.apache.commons.collections.BufferUnderflowException -[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar define 32 overlapping classes: -[WARNING] - javax.servlet.annotation.HttpConstraint -[WARNING] - javax.servlet.DispatcherType -[WARNING] - javax.servlet.descriptor.JspPropertyGroupDescriptor -[WARNING] - javax.servlet.Registration -[WARNING] - javax.servlet.SessionTrackingMode -[WARNING] - javax.servlet.annotation.ServletSecurity$EmptyRoleSemantic -[WARNING] - javax.servlet.annotation.HandlesTypes -[WARNING] - javax.servlet.ServletRegistration -[WARNING] - javax.servlet.annotation.ServletSecurity -[WARNING] - javax.servlet.ServletContainerInitializer -[WARNING] - 22 more... -[WARNING] jsp-2.1-6.1.14.jar, jasper-runtime-5.5.23.jar, jasper-compiler-5.5.23.jar define 1 overlapping classes: -[WARNING] - org.apache.jasper.compiler.Localizer -[WARNING] spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar, spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: -[WARNING] - org.apache.spark.unused.UnusedStubClass -[WARNING] hadoop-common-2.2.0-tests.jar, hadoop-mapreduce-client-jobclient-2.2.0-tests.jar define 4 overlapping classes: -[WARNING] - org.apache.hadoop.util.TestReflectionUtils$1 -[WARNING] - org.apache.hadoop.util.TestRunJar -[WARNING] - org.apache.hadoop.ipc.TestSocketFactory -[WARNING] - org.apache.hadoop.util.TestReflectionUtils -[WARNING] apache-log4j-extras-1.2.17.jar, log4j-1.2.17.jar define 126 overlapping classes: -[WARNING] - org.apache.log4j.pattern.MessagePatternConverter -[WARNING] - org.apache.log4j.xml.DOMConfigurator$4 -[WARNING] - org.apache.log4j.pattern.NameAbbreviator$DropElementAbbreviator -[WARNING] - org.apache.log4j.varia.StringMatchFilter -[WARNING] - org.apache.log4j.spi.OptionHandler -[WARNING] - org.apache.log4j.pattern.LevelPatternConverter -[WARNING] - org.apache.log4j.pattern.BridgePatternParser -[WARNING] - org.apache.log4j.BasicConfigurator -[WARNING] - org.apache.log4j.pattern.LoggingEventPatternConverter -[WARNING] - org.apache.log4j.ConsoleAppender$SystemErrStream -[WARNING] - 116 more... -[WARNING] hadoop-yarn-common-2.2.0.jar, hadoop-yarn-api-2.2.0.jar define 3 overlapping classes: -[WARNING] - org.apache.hadoop.yarn.util.package-info -[WARNING] - org.apache.hadoop.yarn.factories.package-info -[WARNING] - org.apache.hadoop.yarn.factory.providers.package-info -[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar, servlet-api-2.5-6.1.14.jar define 42 overlapping classes: -[WARNING] - javax.servlet.http.Cookie -[WARNING] - javax.servlet.http.HttpSessionBindingEvent -[WARNING] - javax.servlet.http.NoBodyResponse -[WARNING] - javax.servlet.ServletContext -[WARNING] - javax.servlet.ServletOutputStream -[WARNING] - javax.servlet.http.HttpSessionListener -[WARNING] - javax.servlet.http.HttpSessionContext -[WARNING] - javax.servlet.FilterChain -[WARNING] - javax.servlet.GenericServlet -[WARNING] - javax.servlet.http.HttpServletRequestWrapper -[WARNING] - 32 more... -[WARNING] cassandra-all-1.2.6.jar, cassandra-thrift-1.2.6.jar define 2 overlapping classes: -[WARNING] - org.apache.cassandra.thrift.ITransportFactory -[WARNING] - org.apache.cassandra.thrift.TFramedTransportFactory -[WARNING] jsp-2.1-6.1.14.jar, jasper-compiler-5.5.23.jar define 143 overlapping classes: -[WARNING] - org.apache.jasper.compiler.Node$Nodes -[WARNING] - org.apache.jasper.compiler.tagplugin.TagPlugin -[WARNING] - org.apache.jasper.compiler.JspUtil -[WARNING] - org.apache.jasper.xmlparser.MyEntityResolver -[WARNING] - org.apache.jasper.compiler.Validator$TagExtraInfoVisitor -[WARNING] - org.apache.jasper.compiler.SmapStratum -[WARNING] - org.apache.jasper.compiler.SmapGenerator -[WARNING] - org.apache.jasper.compiler.tagplugin.TagPluginContext -[WARNING] - org.apache.jasper.compiler.JasperTagInfo -[WARNING] - org.apache.jasper.EmbeddedServletOptions -[WARNING] - 133 more... -[WARNING] parquet-format-2.3.0-incubating.jar, parquet-hadoop-bundle-1.6.0.jar define 151 overlapping classes: -[WARNING] - parquet.org.apache.thrift.server.TServer$Args -[WARNING] - parquet.org.apache.thrift.transport.AutoExpandingBufferWriteTransport -[WARNING] - parquet.org.apache.thrift.transport.TSaslTransport$NegotiationStatus -[WARNING] - parquet.org.apache.thrift.protocol.TMessage -[WARNING] - parquet.org.apache.thrift.meta_data.StructMetaData -[WARNING] - parquet.org.apache.thrift.protocol.TProtocolException -[WARNING] - parquet.org.apache.thrift.server.TNonblockingServer$FrameBuffer -[WARNING] - parquet.org.apache.thrift.TBaseProcessor -[WARNING] - parquet.org.slf4j.helpers.BasicMarker -[WARNING] - parquet.org.apache.thrift.protocol.TSimpleJSONProtocol -[WARNING] - 141 more... -[WARNING] commons-beanutils-core-1.8.0.jar, commons-beanutils-1.7.0.jar define 82 overlapping classes: -[WARNING] - org.apache.commons.beanutils.ConvertUtilsBean -[WARNING] - org.apache.commons.beanutils.converters.SqlTimeConverter -[WARNING] - org.apache.commons.beanutils.Converter -[WARNING] - org.apache.commons.beanutils.converters.FloatArrayConverter -[WARNING] - org.apache.commons.beanutils.NestedNullException -[WARNING] - org.apache.commons.beanutils.ConvertingWrapDynaBean -[WARNING] - org.apache.commons.beanutils.converters.LongArrayConverter -[WARNING] - org.apache.commons.beanutils.converters.SqlDateConverter -[WARNING] - org.apache.commons.beanutils.converters.BooleanArrayConverter -[WARNING] - org.apache.commons.beanutils.converters.StringConverter -[WARNING] - 72 more... -[WARNING] hadoop-common-2.2.0-tests.jar, hadoop-hdfs-2.2.0-tests.jar define 1 overlapping classes: -[WARNING] - org.apache.hadoop.net.TestNetworkTopologyWithNodeGroup -[WARNING] hadoop-common-2.2.0-tests.jar, hadoop-common-2.2.0.jar define 37 overlapping classes: -[WARNING] - org.apache.hadoop.io.serializer.avro.AvroRecord -[WARNING] - org.apache.hadoop.ipc.protobuf.TestRpcServiceProtos$TestProtobufRpc2Proto -[WARNING] - org.apache.hadoop.ipc.protobuf.TestRpcServiceProtos$TestProtobufRpcProto$1 -[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$1 -[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$EmptyResponseProto$Builder -[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$EmptyResponseProto$1 -[WARNING] - org.apache.hadoop.ipc.protobuf.TestRpcServiceProtos$TestProtobufRpc2Proto$1 -[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$EchoRequestProto$Builder -[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos -[WARNING] - org.apache.hadoop.ipc.protobuf.TestProtos$EmptyResponseProtoOrBuilder -[WARNING] - 27 more... -[WARNING] jsp-2.1-6.1.14.jar, jasper-runtime-5.5.23.jar define 43 overlapping classes: -[WARNING] - org.apache.jasper.runtime.PerThreadTagHandlerPool$1 -[WARNING] - org.apache.jasper.runtime.JspFactoryImpl$PrivilegedGetPageContext -[WARNING] - org.apache.jasper.runtime.PageContextImpl$4 -[WARNING] - org.apache.jasper.runtime.JspSourceDependent -[WARNING] - org.apache.jasper.runtime.JspRuntimeLibrary$PrivilegedIntrospectHelper -[WARNING] - org.apache.jasper.runtime.PageContextImpl$2 -[WARNING] - org.apache.jasper.Constants -[WARNING] - org.apache.jasper.runtime.ProtectedFunctionMapper$2 -[WARNING] - org.apache.jasper.runtime.PageContextImpl -[WARNING] - org.apache.jasper.runtime.PageContextImpl$11 -[WARNING] - 33 more... -[WARNING] maven-shade-plugin has detected that some class files are -[WARNING] present in two or more JARs. When this happens, only one -[WARNING] single version of the class is copied to the uber jar. -[WARNING] Usually this is not harmful and you can skip these warnings, -[WARNING] otherwise try to manually exclude artifacts based on -[WARNING] mvn dependency:tree -Ddetail=true and the above output. -[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-examples_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-examples_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-examples_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-examples_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-examples_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-examples_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/eclipse/paho/org.eclipse.paho.client.mqttv3/1.0.2/org.eclipse.paho.client.mqttv3-1.0.2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-jackson/1.7.0/parquet-jackson-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0.jar:/Users/royl/.m2/repository/commons-el/commons-el/1.0/commons-el-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-log4j12/1.7.10/slf4j-log4j12-1.7.10.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0-tests.jar:/Users/royl/.m2/repository/com/google/protobuf/protobuf-java/2.5.0/protobuf-java-2.5.0.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-exec/1.2.1.spark/hive-exec-1.2.1.spark.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-common/0.98.7-hadoop2/hbase-common-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/tomcat/jasper-compiler/5.5.23/jasper-compiler-5.5.23.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/git/spark/external/zeromq/target/spark-streaming-zeromq_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/mina/mina-core/2.0.4/mina-core-2.0.4.jar:/Users/royl/.m2/repository/org/jruby/joni/joni/2.1.2/joni-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-client/2.2.0/hadoop-client-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-jobclient/2.2.0/hadoop-mapreduce-client-jobclient-2.2.0-tests.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-hs/2.2.0/hadoop-mapreduce-client-hs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-format/2.3.0-incubating/parquet-format-2.3.0-incubating.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-minicluster/2.2.0/hadoop-minicluster-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/net/java/dev/jets3t/jets3t/0.7.1/jets3t-0.7.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-common/2.2.0/hadoop-common-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/commons-logging/commons-logging/1.1.1/commons-logging-1.1.1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.4/commons-io-2.4.jar:/Users/royl/.m2/repository/commons-dbcp/commons-dbcp/1.4/commons-dbcp-1.4.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-core/1.9/jersey-core-1.9.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-auth/2.2.0/hadoop-auth-2.2.0.jar:/Users/royl/.m2/repository/org/antlr/ST4/4.0.4/ST4-4.0.4.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/git/spark/external/mqtt/target/spark-streaming-mqtt_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/yaml/snakeyaml/1.6/snakeyaml-1.6.jar:/Users/royl/.m2/repository/net/java/dev/jna/jna/3.0.9/jna-3.0.9.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/net/jpountz/lz4/lz4/1.3.0/lz4-1.3.0.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/apache/cassandra/cassandra-all/1.2.6/cassandra-all-1.2.6.jar:/Users/royl/.m2/repository/org/jamon/jamon-runtime/2.3.1/jamon-runtime-2.3.1.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-configuration/1.6.0/flume-ng-configuration-1.6.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/io/netty/netty/3.8.0.Final/netty-3.8.0.Final.jar:/Users/royl/.m2/repository/org/iq80/snappy/snappy/0.2/snappy-0.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/com/github/stephenc/jamm/0.2.5/jamm-0.2.5.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/twitter/algebird-core_2.10/0.9.0/algebird-core_2.10-0.9.0.jar:/Users/royl/.m2/repository/net/sf/opencsv/opencsv/2.3/opencsv-2.3.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-protocol/0.98.7-hadoop2/hbase-protocol-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-lang/commons-lang/2.6/commons-lang-2.6.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-sslengine/6.1.26/jetty-sslengine-6.1.26.jar:/Users/royl/.m2/repository/org/xerial/snappy/snappy-java/1.1.2/snappy-java-1.1.2.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/com/typesafe/akka/akka-zeromq_2.10/2.3.11/akka-zeromq_2.10-2.3.11.jar:/Users/royl/.m2/repository/asm/asm/3.1/asm-3.1.jar:/Users/royl/.m2/repository/javolution/javolution/5.5.1/javolution-5.5.1.jar:/Users/royl/.m2/repository/com/jolbox/bonecp/0.8.0.RELEASE/bonecp-0.8.0.RELEASE.jar:/Users/royl/.m2/repository/org/antlr/antlr-runtime/3.5.2/antlr-runtime-3.5.2.jar:/Users/royl/.m2/repository/org/apache/curator/curator-recipes/2.4.0/curator-recipes-2.4.0.jar:/Users/royl/.m2/repository/commons-codec/commons-codec/1.10/commons-codec-1.10.jar:/Users/royl/.m2/repository/com/github/scopt/scopt_2.10/3.2.0/scopt_2.10-3.2.0.jar:/Users/royl/.m2/repository/com/github/jnr/jnr-constants/0.8.2/jnr-constants-0.8.2.jar:/Users/royl/.m2/repository/com/google/code/gson/gson/2.2.2/gson-2.2.2.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-sdk/1.6.0/flume-ng-sdk-1.6.0.jar:/Users/royl/.m2/repository/org/apache/ivy/ivy/2.4.0/ivy-2.4.0.jar:/Users/royl/git/spark/external/twitter/target/spark-streaming-twitter_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/apache/cassandra/cassandra-thrift/1.2.6/cassandra-thrift-1.2.6.jar:/Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-core/2.2.0/hadoop-mapreduce-client-core-2.2.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils-core/1.8.0/commons-beanutils-core-1.8.0.jar:/Users/royl/.m2/repository/joda-time/joda-time/2.9/joda-time-2.9.jar:/Users/royl/.m2/repository/javax/transaction/jta/1.1/jta-1.1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-common/0.98.7-hadoop2/hbase-common-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/codehaus/groovy/groovy-all/2.1.6/groovy-all-2.1.6.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty/6.1.26/jetty-6.1.26.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-common/2.2.0/hadoop-mapreduce-client-common-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/servlet-api-2.5/6.1.14/servlet-api-2.5-6.1.14.jar:/Users/royl/.m2/repository/log4j/apache-log4j-extras/1.2.17/apache-log4j-extras-1.2.17.jar:/Users/royl/.m2/repository/org/zeromq/zeromq-scala-binding_2.10/0.0.7/zeromq-scala-binding_2.10-0.0.7.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/com/jcraft/jsch/0.1.42/jsch-0.1.42.jar:/Users/royl/.m2/repository/javax/jdo/jdo-api/3.0.1/jdo-api-3.0.1.jar:/Users/royl/.m2/repository/org/jruby/jcodings/jcodings/1.0.8/jcodings-1.0.8.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jsp-api-2.1/6.1.14/jsp-api-2.1-6.1.14.jar:/Users/royl/.m2/repository/stax/stax-api/1.0.1/stax-api-1.0.1.jar:/Users/royl/.m2/repository/org/cloudera/htrace/htrace-core/2.04/htrace-core-2.04.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-encoding/1.7.0/parquet-encoding-1.7.0.jar:/Users/royl/.m2/repository/org/apache/calcite/calcite-avatica/1.2.0-incubating/calcite-avatica-1.2.0-incubating.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-nodemanager/2.2.0/hadoop-yarn-server-nodemanager-2.2.0.jar:/Users/royl/.m2/repository/log4j/log4j/1.2.17/log4j-1.2.17.jar:/Users/royl/.m2/repository/com/twitter/parquet-hadoop-bundle/1.6.0/parquet-hadoop-bundle-1.6.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/commons-daemon/commons-daemon/1.0.13/commons-daemon-1.0.13.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-core/3.2.10/datanucleus-core-3.2.10.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-core/4.0.4/twitter4j-core-4.0.4.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-hadoop/1.7.0/parquet-hadoop-1.7.0.jar:/Users/royl/.m2/repository/jline/jline/2.12/jline-2.12.jar:/Users/royl/.m2/repository/org/mindrot/jbcrypt/0.3m/jbcrypt-0.3m.jar:/Users/royl/.m2/repository/org/apache/curator/curator-client/2.4.0/curator-client-2.4.0.jar:/Users/royl/.m2/repository/org/apache/derby/derby/10.10.1.1/derby-10.10.1.1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop2-compat/0.98.7-hadoop2/hbase-hadoop2-compat-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-testing-util/0.98.7-hadoop2/hbase-testing-util-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-server/0.98.7-hadoop2/hbase-server-0.98.7-hadoop2-tests.jar:/Users/royl/.m2/repository/org/antlr/antlr/3.2/antlr-3.2.jar:/Users/royl/.m2/repository/commons-pool/commons-pool/1.5.4/commons-pool-1.5.4.jar:/Users/royl/.m2/repository/com/github/stephenc/high-scale-lib/high-scale-lib/1.1.1/high-scale-lib-1.1.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-app/2.2.0/hadoop-mapreduce-client-app-2.2.0.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jsp-2.1/6.1.14/jsp-2.1-6.1.14.jar:/Users/royl/git/spark/external/flume-sink/target/spark-streaming-flume-sink_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/mortbay/jetty/jetty-util/6.1.26/jetty-util-6.1.26.jar:/Users/royl/.m2/repository/org/jodd/jodd-core/3.5.2/jodd-core-3.5.2.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-common/2.2.0/hadoop-yarn-server-common-2.2.0.jar:/Users/royl/.m2/repository/com/github/stephenc/findbugs/findbugs-annotations/1.3.9-1/findbugs-annotations-1.3.9-1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/edu/stanford/ppl/snaptree/0.1/snaptree-0.1.jar:/Users/royl/.m2/repository/org/apache/flume/flume-ng-core/1.6.0/flume-ng-core-1.6.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-mapred/1.7.7/avro-mapred-1.7.7-hadoop2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-column/1.7.0/parquet-column-1.7.0.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-server/1.9/jersey-server-1.9.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7-tests.jar:/Users/royl/.m2/repository/xmlenc/xmlenc/0.52/xmlenc-0.52.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-common/1.7.0/parquet-common-1.7.0.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-mapreduce-client-shuffle/2.2.0/hadoop-mapreduce-client-shuffle-2.2.0.jar:/Users/royl/.m2/repository/org/apache/zookeeper/zookeeper/3.4.5/zookeeper-3.4.5.jar:/Users/royl/.m2/repository/tomcat/jasper-runtime/5.5.23/jasper-runtime-5.5.23.jar:/Users/royl/.m2/repository/org/apache/curator/curator-framework/2.4.0/curator-framework-2.4.0.jar:/Users/royl/.m2/repository/org/spark-project/hive/hive-metastore/1.2.1.spark/hive-metastore-1.2.1.spark.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop-compat/0.98.7-hadoop2/hbase-hadoop-compat-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-net/commons-net/2.2/commons-net-2.2.jar:/Users/royl/.m2/repository/org/apache/commons/commons-lang3/3.3.2/commons-lang3-3.3.2.jar:/Users/royl/.m2/repository/org/apache/parquet/parquet-generator/1.7.0/parquet-generator-1.7.0.jar:/Users/royl/.m2/repository/org/apache/commons/commons-math/2.1/commons-math-2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-annotations/2.2.0/hadoop-annotations-2.2.0.jar:/Users/royl/git/spark/external/flume/target/spark-streaming-flume_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/slf4j/slf4j-api/1.7.10/slf4j-api-1.7.10.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/commons-configuration/commons-configuration/1.6/commons-configuration-1.6.jar:/Users/royl/.m2/repository/commons-digester/commons-digester/1.8/commons-digester-1.8.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-hdfs/2.2.0/hadoop-hdfs-2.2.0-tests.jar:/Users/royl/.m2/repository/commons-beanutils/commons-beanutils/1.7.0/commons-beanutils-1.7.0.jar:/Users/royl/.m2/repository/com/googlecode/javaewah/JavaEWAH/0.6.6/JavaEWAH-0.6.6.jar:/Users/royl/.m2/repository/com/googlecode/json-simple/json-simple/1.1/json-simple-1.1.jar:/Users/royl/.m2/repository/commons-cli/commons-cli/1.2/commons-cli-1.2.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-client/0.98.7-hadoop2/hbase-client-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/twitter4j/twitter4j-stream/4.0.4/twitter4j-stream-4.0.4.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-rdbms/3.2.9/datanucleus-rdbms-3.2.9.jar:/Users/royl/.m2/repository/commons-collections/commons-collections/3.2.2/commons-collections-3.2.2.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-server-web-proxy/2.2.0/hadoop-yarn-server-web-proxy-2.2.0.jar:/Users/royl/.m2/repository/com/google/inject/extensions/guice-servlet/3.0/guice-servlet-3.0.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-hadoop2-compat/0.98.7-hadoop2/hbase-hadoop2-compat-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/datanucleus/datanucleus-api-jdo/3.2.6/datanucleus-api-jdo-3.2.6.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-prefix-tree/0.98.7-hadoop2/hbase-prefix-tree-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/org/json/json/20090211/json-20090211.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hbase/hbase-server/0.98.7-hadoop2/hbase-server-0.98.7-hadoop2.jar:/Users/royl/.m2/repository/commons-httpclient/commons-httpclient/3.1/commons-httpclient-3.1.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-examples_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-examples_2.10 --- -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=64m; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -model contains 312 documentable templates -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/AvroConverters.scala:131: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/CassandraConverters.scala:28: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/CassandraConverters.scala:39: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/HBaseConverters.scala:31: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/HBaseConverters.scala:52: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/AvroConverters.scala:117: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/HBaseConverters.scala:74: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/HBaseConverters.scala:63: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/CassandraConverters.scala:50: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/pythonconverters/CassandraConverters.scala:61: warning: Could not find any member to link for "org.apache.spark.api.python.Converter". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/ml/DataFrameExample.scala:32: warning: Could not find any member to link for "org.apache.spark.sql.DataFrame". -/** -^ -/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/ml/DeveloperApiExample.scala:29: warning: Could not find any member to link for "org.apache.spark.ml.classification.LogisticRegression". -/** -^ -12 warnings found -[INFO] Building jar: /Users/royl/git/spark/examples/target/spark-examples_2.10-2.0.0-SNAPSHOT-javadoc.jar -[INFO] already added, skipping -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-examples_2.10 --- -warning file=/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/LocalALS.scala message=Space before token : line=58 column=79 -warning file=/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/LocalALS.scala message=Space before token : line=77 column=78 -warning file=/Users/royl/git/spark/examples/src/main/scala/org/apache/spark/examples/SparkALS.scala message=Space before token : line=60 column=74 -Saving to outputFile=/Users/royl/git/spark/examples/target/scalastyle-output.xml -Processed 150 file(s) -Found 0 errors -Found 3 warnings -Found 0 infos -Finished in 979 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-examples_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-examples_2.10 --- -[INFO] Skipping artifact installation -[INFO] -[INFO] ------------------------------------------------------------------------ -[INFO] Building Spark Project External Kafka Assembly 2.0.0-SNAPSHOT -[INFO] ------------------------------------------------------------------------ -[INFO] -[INFO] --- maven-clean-plugin:2.6.1:clean (default-clean) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Add Source directory: /Users/royl/git/spark/external/kafka-assembly/src/main/scala -[INFO] Add Test Source directory: /Users/royl/git/spark/external/kafka-assembly/src/test/scala -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/com/sun/jersey/jersey-client/1.9/jersey-client-1.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http/2.1.2/grizzly-http-2.1.2.jar:/Users/royl/.m2/repository/org/glassfish/external/management-api/3.0.0-b012/management-api-3.0.0-b012.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.6/paranamer-2.6.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-grizzly2/1.9/jersey-test-framework-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-server/2.1.2/grizzly-http-server-2.1.2.jar:/Users/royl/.m2/repository/aopalliance/aopalliance/1.0/aopalliance-1.0.jar:/Users/royl/.m2/repository/javax/xml/bind/jaxb-api/2.2.2/jaxb-api-2.2.2.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-json/1.9/jersey-json-1.9.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/javax/activation/activation/1.1/activation-1.1.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/com/sun/xml/bind/jaxb-impl/2.2.3-1/jaxb-impl-2.2.3-1.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-rcm/2.1.2/grizzly-rcm-2.1.2.jar:/Users/royl/.m2/repository/javax/inject/javax.inject/1/javax.inject-1.jar:/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/com/google/inject/guice/3.0/guice-3.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-http-servlet/2.1.2/grizzly-http-servlet-2.1.2.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/javax/servlet/javax.servlet-api/3.0.1/javax.servlet-api-3.0.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/codehaus/jettison/jettison/1.1/jettison-1.1.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-jaxrs/1.9.13/jackson-jaxrs-1.9.13.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-common/2.2.0/hadoop-yarn-common-2.2.0.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-xc/1.9.13/jackson-xc-1.9.13.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/glassfish/grizzly/grizzly-framework/2.1.2/grizzly-framework-2.1.2.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/org/glassfish/gmbal/gmbal-api-only/3.0.0-b023/gmbal-api-only-3.0.0-b023.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-test-framework/jersey-test-framework-core/1.9/jersey-test-framework-core-1.9.jar:/Users/royl/.m2/repository/com/sun/jersey/contribs/jersey-guice/1.9/jersey-guice-1.9.jar:/Users/royl/.m2/repository/org/glassfish/javax.servlet/3.1/javax.servlet-3.1.jar:/Users/royl/.m2/repository/com/sun/jersey/jersey-grizzly2/1.9/jersey-grizzly2-1.9.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-client/2.2.0/hadoop-yarn-client-2.2.0.jar -[INFO] -[INFO] --- maven-remote-resources-plugin:1.5:process (default) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] -[INFO] --- maven-resources-plugin:2.6:resources (default-resources) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/kafka-assembly/src/main/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:compile (scala-compile-first) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:compile (default-compile) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-antrun-plugin:1.8:run (create-tmp-dir) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Executing tasks - -main: - [mkdir] Created dir: /Users/royl/git/spark/external/kafka-assembly/target/tmp -[INFO] Executed tasks -[INFO] -[INFO] --- maven-resources-plugin:2.6:testResources (default-testResources) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Using 'UTF-8' encoding to copy filtered resources. -[INFO] skip non existing resourceDirectory /Users/royl/git/spark/external/kafka-assembly/src/test/resources -[INFO] Copying 3 resources -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:testCompile (scala-test-compile-first) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-compiler-plugin:3.3:testCompile (default-testCompile) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] No sources to compile -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] -[INFO] --- maven-surefire-plugin:2.18.1:test (default-test) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- scalatest-maven-plugin:1.0:test (test) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Tests are skipped. -[INFO] -[INFO] --- maven-jar-plugin:2.6:test-jar (prepare-test-jar) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] -[INFO] --- maven-jar-plugin:2.6:jar (default-jar) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.jar -[INFO] -[INFO] --- maven-site-plugin:3.3:attach-descriptor (attach-descriptor) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] -[INFO] --- maven-shade-plugin:2.4.1:shade (default) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Including org.apache.spark:spark-streaming-kafka_2.10:jar:2.0.0-SNAPSHOT in the shaded jar. -[INFO] Including org.apache.kafka:kafka_2.10:jar:0.8.2.1 in the shaded jar. -[INFO] Including com.yammer.metrics:metrics-core:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.kafka:kafka-clients:jar:0.8.2.1 in the shaded jar. -[INFO] Including com.101tec:zkclient:jar:0.3 in the shaded jar. -[INFO] Including com.thoughtworks.paranamer:paranamer:jar:2.6 in the shaded jar. -[INFO] Including commons-io:commons-io:jar:2.1 in the shaded jar. -[INFO] Including org.apache.avro:avro:jar:1.7.7 in the shaded jar. -[INFO] Including org.apache.commons:commons-compress:jar:1.4.1 in the shaded jar. -[INFO] Including org.tukaani:xz:jar:1.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-client:jar:2.2.0 in the shaded jar. -[INFO] Including com.google.inject:guice:jar:3.0 in the shaded jar. -[INFO] Including javax.inject:javax.inject:jar:1 in the shaded jar. -[INFO] Including aopalliance:aopalliance:jar:1.0 in the shaded jar. -[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-grizzly2:jar:1.9 in the shaded jar. -[INFO] Including com.sun.jersey.jersey-test-framework:jersey-test-framework-core:jar:1.9 in the shaded jar. -[INFO] Including javax.servlet:javax.servlet-api:jar:3.0.1 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-client:jar:1.9 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-grizzly2:jar:1.9 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-framework:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.gmbal:gmbal-api-only:jar:3.0.0-b023 in the shaded jar. -[INFO] Including org.glassfish.external:management-api:jar:3.0.0-b012 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http-server:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-rcm:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish.grizzly:grizzly-http-servlet:jar:2.1.2 in the shaded jar. -[INFO] Including org.glassfish:javax.servlet:jar:3.1 in the shaded jar. -[INFO] Including com.sun.jersey:jersey-json:jar:1.9 in the shaded jar. -[INFO] Including org.codehaus.jettison:jettison:jar:1.1 in the shaded jar. -[INFO] Including com.sun.xml.bind:jaxb-impl:jar:2.2.3-1 in the shaded jar. -[INFO] Including javax.xml.bind:jaxb-api:jar:2.2.2 in the shaded jar. -[INFO] Including javax.activation:activation:jar:1.1 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-jaxrs:jar:1.9.13 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-xc:jar:1.9.13 in the shaded jar. -[INFO] Including com.sun.jersey.contribs:jersey-guice:jar:1.9 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-api:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.hadoop:hadoop-yarn-common:jar:2.2.0 in the shaded jar. -[INFO] Including org.apache.avro:avro-ipc:jar:1.7.7 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-core-asl:jar:1.9.13 in the shaded jar. -[INFO] Including org.codehaus.jackson:jackson-mapper-asl:jar:1.9.13 in the shaded jar. -[INFO] Including org.spark-project.spark:unused:jar:1.0.0 in the shaded jar. -[WARNING] javax.servlet-api-3.0.1.jar, javax.servlet-3.1.jar define 74 overlapping classes: -[WARNING] - javax.servlet.http.Cookie -[WARNING] - javax.servlet.ServletContext -[WARNING] - javax.servlet.Registration -[WARNING] - javax.servlet.http.HttpSessionListener -[WARNING] - javax.servlet.http.HttpSessionContext -[WARNING] - javax.servlet.FilterChain -[WARNING] - javax.servlet.http.HttpServletRequestWrapper -[WARNING] - javax.servlet.http.HttpSessionAttributeListener -[WARNING] - javax.servlet.http.HttpSessionBindingListener -[WARNING] - javax.servlet.annotation.HandlesTypes -[WARNING] - 64 more... -[WARNING] hadoop-yarn-common-2.2.0.jar, hadoop-yarn-api-2.2.0.jar define 3 overlapping classes: -[WARNING] - org.apache.hadoop.yarn.util.package-info -[WARNING] - org.apache.hadoop.yarn.factories.package-info -[WARNING] - org.apache.hadoop.yarn.factory.providers.package-info -[WARNING] spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar, unused-1.0.0.jar define 1 overlapping classes: -[WARNING] - org.apache.spark.unused.UnusedStubClass -[WARNING] maven-shade-plugin has detected that some class files are -[WARNING] present in two or more JARs. When this happens, only one -[WARNING] single version of the class is copied to the uber jar. -[WARNING] Usually this is not harmful and you can skip these warnings, -[WARNING] otherwise try to manually exclude artifacts based on -[WARNING] mvn dependency:tree -Ddetail=true and the above output. -[WARNING] See http://docs.codehaus.org/display/MAVENUSER/Shade+Plugin -[INFO] Replacing original artifact with shaded artifact. -[INFO] Replacing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.jar with /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-shaded.jar -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka-assembly/dependency-reduced-pom.xml -[INFO] Dependency-reduced POM written at: /Users/royl/git/spark/external/kafka-assembly/dependency-reduced-pom.xml -[INFO] -[INFO] --- maven-source-plugin:2.4:jar-no-fork (create-source-jar) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] -[INFO] --- maven-source-plugin:2.4:test-jar-no-fork (create-source-jar) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Building jar: /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] -[INFO] >>> scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) > generate-sources @ spark-streaming-kafka-assembly_2.10 >>> -[INFO] -[INFO] --- maven-enforcer-plugin:1.4.1:enforce (enforce-versions) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:add-source (eclipse-add-source) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] -[INFO] --- maven-dependency-plugin:2.10:build-classpath (default-cli) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Dependencies classpath: -/Users/royl/.m2/repository/org/spark-project/spark/unused/1.0.0/unused-1.0.0.jar:/Users/royl/git/spark/external/kafka/target/spark-streaming-kafka_2.10-2.0.0-SNAPSHOT.jar:/Users/royl/.m2/repository/org/apache/avro/avro-ipc/1.7.7/avro-ipc-1.7.7.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka-clients/0.8.2.1/kafka-clients-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/hadoop/hadoop-yarn-api/2.2.0/hadoop-yarn-api-2.2.0.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-mapper-asl/1.9.13/jackson-mapper-asl-1.9.13.jar:/Users/royl/.m2/repository/org/apache/avro/avro/1.7.7/avro-1.7.7.jar:/Users/royl/.m2/repository/org/apache/kafka/kafka_2.10/0.8.2.1/kafka_2.10-0.8.2.1.jar:/Users/royl/.m2/repository/org/apache/commons/commons-compress/1.4.1/commons-compress-1.4.1.jar:/Users/royl/.m2/repository/com/101tec/zkclient/0.3/zkclient-0.3.jar:/Users/royl/.m2/repository/com/yammer/metrics/metrics-core/2.2.0/metrics-core-2.2.0.jar:/Users/royl/.m2/repository/com/thoughtworks/paranamer/paranamer/2.3/paranamer-2.3.jar:/Users/royl/.m2/repository/org/codehaus/jackson/jackson-core-asl/1.9.13/jackson-core-asl-1.9.13.jar:/Users/royl/.m2/repository/commons-io/commons-io/2.1/commons-io-2.1.jar:/Users/royl/.m2/repository/org/tukaani/xz/1.0/xz-1.0.jar -[INFO] -[INFO] <<< scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) < generate-sources @ spark-streaming-kafka-assembly_2.10 <<< -[INFO] -[INFO] --- scala-maven-plugin:3.2.2:doc-jar (attach-scaladocs) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] No source files found -[INFO] -[INFO] --- scalastyle-maven-plugin:0.8.0:check (default) @ spark-streaming-kafka-assembly_2.10 --- -[WARNING] sourceDirectory is not specified or does not exist value=/Users/royl/git/spark/external/kafka-assembly/src/main/scala -Saving to outputFile=/Users/royl/git/spark/external/kafka-assembly/target/scalastyle-output.xml -Processed 0 file(s) -Found 0 errors -Found 0 warnings -Found 0 infos -Finished in 1 ms -[INFO] -[INFO] --- maven-checkstyle-plugin:2.17:check (default) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] -[INFO] --- maven-install-plugin:2.5.2:install (default-install) @ spark-streaming-kafka-assembly_2.10 --- -[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.jar -[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/dependency-reduced-pom.xml to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT.pom -[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-tests.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-tests.jar -[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-sources.jar -[INFO] Installing /Users/royl/git/spark/external/kafka-assembly/target/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar to /Users/royl/.m2/repository/org/apache/spark/spark-streaming-kafka-assembly_2.10/2.0.0-SNAPSHOT/spark-streaming-kafka-assembly_2.10-2.0.0-SNAPSHOT-test-sources.jar -[INFO] ------------------------------------------------------------------------ -[INFO] Reactor Summary: -[INFO] -[INFO] Spark Project Parent POM ........................... SUCCESS [ 3.436 s] -[INFO] Spark Project Test Tags ............................ SUCCESS [ 3.756 s] -[INFO] Spark Project Launcher ............................. SUCCESS [ 10.063 s] -[INFO] Spark Project Networking ........................... SUCCESS [ 13.803 s] -[INFO] Spark Project Shuffle Streaming Service ............ SUCCESS [ 12.710 s] -[INFO] Spark Project Unsafe ............................... SUCCESS [ 18.729 s] -[INFO] Spark Project Core ................................. SUCCESS [02:55 min] -[INFO] Spark Project GraphX ............................... SUCCESS [ 41.681 s] -[INFO] Spark Project Streaming ............................ SUCCESS [01:43 min] -[INFO] Spark Project Catalyst ............................. SUCCESS [ 01:54 h] -[INFO] Spark Project SQL .................................. SUCCESS [02:32 min] -[INFO] Spark Project ML Library ........................... SUCCESS [02:19 min] -[INFO] Spark Project Tools ................................ SUCCESS [ 14.191 s] -[INFO] Spark Project Hive ................................. SUCCESS [01:48 min] -[INFO] Spark Project Docker Integration Tests ............. SUCCESS [ 13.851 s] -[INFO] Spark Project REPL ................................. SUCCESS [ 39.485 s] -[INFO] Spark Project Assembly ............................. SUCCESS [ 33.726 s] -[INFO] Spark Project External Twitter ..................... SUCCESS [ 17.304 s] -[INFO] Spark Project External Flume Sink .................. SUCCESS [ 15.073 s] -[INFO] Spark Project External Flume ....................... SUCCESS [ 19.949 s] -[INFO] Spark Project External Flume Assembly .............. SUCCESS [ 1.801 s] -[INFO] Spark Project External MQTT ........................ SUCCESS [ 21.081 s] -[INFO] Spark Project External MQTT Assembly ............... SUCCESS [ 3.408 s] -[INFO] Spark Project External ZeroMQ ...................... SUCCESS [ 13.298 s] -[INFO] Spark Project External Kafka ....................... SUCCESS [ 25.854 s] -[INFO] Spark Project Examples ............................. SUCCESS [01:10 min] -[INFO] Spark Project External Kafka Assembly .............. SUCCESS [ 3.273 s] -[INFO] ------------------------------------------------------------------------ -[INFO] BUILD SUCCESS -[INFO] ------------------------------------------------------------------------ -[INFO] Total time: 02:12 h -[INFO] Finished at: 2016-01-13T20:36:12+02:00 -[INFO] Final Memory: 120M/2689M -[INFO] ------------------------------------------------------------------------ diff --git a/tests.log b/tests.log deleted file mode 100644 index 8ce65f9a630cd..0000000000000 --- a/tests.log +++ /dev/null @@ -1,917 +0,0 @@ -Using /Library/Java/JavaVirtualMachines/jdk1.8.0_65.jdk/Contents/Home as default JAVA_HOME. -Note, this will be overridden by -java-home if it is set. -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=512m; support was removed in 8.0 -[info] Loading project definition from /Users/royl/git/spark/project/project -[info] Loading project definition from /Users/royl/.sbt/0.13/staging/ad8e8574a5bcb2d22d23/sbt-pom-reader/project -[warn] Multiple resolvers having different access mechanism configured with same name 'sbt-plugin-releases'. To avoid conflict, Remove duplicate project resolvers (`resolvers`) or rename publishing resolver (`publishTo`). -[info] Loading project definition from /Users/royl/git/spark/project -[info] Set current project to spark-parent (in build file:/Users/royl/git/spark/) -[info] ANTLR: Grammar file 'org/apache/spark/sql/catalyst/parser/SparkSqlLexer.g' detected. -[info] ANTLR: Grammar file 'org/apache/spark/sql/catalyst/parser/SparkSqlParser.g' detected. -[info] ScalaTest -[info] Run completed in 894 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for test-tags/test:testOnly -[info] ScalaTest -[info] Run completed in 952 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for spark/test:testOnly -[info] ScalaTest -[info] Run completed in 151 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for unsafe/test:testOnly -[info] ScalaTest -[info] Run completed in 136 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-flume-sink/test:testOnly -[info] ScalaTest -[info] Run completed in 123 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for launcher/test:testOnly -[info] ScalaTest -[info] Run completed in 15 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for network-common/test:testOnly -[info] ScalaTest -[info] Run completed in 12 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for network-shuffle/test:testOnly -[warn] /Users/royl/git/spark/core/src/main/scala/org/apache/spark/SparkEnv.scala:99: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[warn]  actorSystem.shutdown() -[warn]  -[warn] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:124: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[warn]  var messages = g.mapReduceTriplets(sendMsg, mergeMsg) -[warn]  -[warn] /Users/royl/git/spark/graphx/src/main/scala/org/apache/spark/graphx/Pregel.scala:138: method mapReduceTriplets in class Graph is deprecated: use aggregateMessages -[warn]  messages = g.mapReduceTriplets( -[warn]  -[warn] /Users/royl/git/spark/streaming/src/main/scala/org/apache/spark/streaming/receiver/ActorReceiver.scala:191: value actorSystem in class SparkEnv is deprecated: Actor system is no longer supported as of 1.4.0 -[warn]  protected lazy val actorSupervisor = SparkEnv.get.actorSystem.actorOf(Props(new Supervisor), -[warn]  -[info] ScalaTest -[info] Run completed in 21 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-mqtt-assembly/test:testOnly -[info] ScalaTest -[info] ScalaTest -[info] Run completed in 13 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Run completed in 14 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for tools/test:testOnly -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-flume-assembly/test:testOnly -[info] ScalaTest -[info] Run completed in 12 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-kafka-assembly/test:testOnly -[info] ScalaTest -[info] Run completed in 76 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for core/test:testOnly -[info] ScalaTest -[info] Run completed in 35 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-twitter/test:testOnly -[info] ScalaTest -[info] Run completed in 68 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-flume/test:testOnly -[info] ScalaTest -[info] Run completed in 57 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-mqtt/test:testOnly -[info] ScalaTest -[info] Run completed in 42 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-zeromq/test:testOnly -[info] ScalaTest -[info] Run completed in 19 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for graphx/test:testOnly -[info] ScalaTest -[info] Run completed in 17 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming-kafka/test:testOnly -[info] ScalaTest -[info] Run completed in 18 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for streaming/test:testOnly -[info] Compiling 1 Scala source to /Users/royl/git/spark/mllib/target/scala-2.10/classes... -[info] ScalaTest -[info] Run completed in 13 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for catalyst/test:testOnly -[info] ScalaTest -[info] Run completed in 14 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for sql/test:testOnly -[info] ScalaTest -[info] Run completed in 15 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for docker-integration-tests/test:testOnly -[info] ScalaTest -[info] Run completed in 20 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for hive/test:testOnly -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/PowerIterationClustering.scala:388: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(5) -[warn]  -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:516: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(runs) -[warn]  -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/clustering/KMeans.scala:541: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(runs) -[warn]  -[warn] /Users/royl/git/spark/mllib/src/main/scala/org/apache/spark/mllib/api/python/PythonMLLibAPI.scala:343: method setRuns in class KMeans is deprecated: Support for runs is deprecated. This param will have no effect in 2.0.0. -[warn]  .setRuns(runs) -[warn]  -[info] ScalaTest -[info] Run completed in 19 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for assembly/test:testOnly -[info] ScalaTest -[info] Run completed in 20 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for repl/test:testOnly -[info] ScalaTest -[info] Run completed in 16 milliseconds. -[info] Total number of tests run: 0 -[info] Suites: completed 0, aborted 0 -[info] Tests: succeeded 0, failed 0, canceled 0, ignored 0, pending 0 -[info] No tests were executed. -[info] Passed: Total 0, Failed 0, Errors 0, Passed 0 -[info] No tests to run for examples/test:testOnly -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option PermSize=128M; support was removed in 8.0 -Java HotSpot(TM) 64-Bit Server VM warning: ignoring option MaxPermSize=1g; support was removed in 8.0 -[info] StreamingLinearRegressionSuite: -[info] - parameter accuracy (11 seconds, 789 milliseconds) -[info] - parameter convergence (1 second, 550 milliseconds) -[info] - predictions (310 milliseconds) -[info] - training and prediction (1 second, 316 milliseconds) -[info] - handling empty RDDs in a stream (329 milliseconds) -[info] FPGrowthSuite: -[info] - FP-Growth using String type (214 milliseconds) -[info] - FP-Growth String type association rule generation (94 milliseconds) -[info] - FP-Growth using Int type (156 milliseconds) -SLF4J: Failed to load class "org.slf4j.impl.StaticLoggerBinder". -SLF4J: Defaulting to no-operation (NOP) logger implementation -SLF4J: See http://www.slf4j.org/codes.html#StaticLoggerBinder for further details. -[info] - model save/load with String type (2 seconds, 444 milliseconds) -[info] - model save/load with Int type (312 milliseconds) -[info] BinaryClassificationMetricsSuite: -[info] - binary evaluation metrics (169 milliseconds) -[info] - binary evaluation metrics for RDD where all examples have positive label (95 milliseconds) -[info] - binary evaluation metrics for RDD where all examples have negative label (96 milliseconds) -[info] - binary evaluation metrics with downsampling (55 milliseconds) -[info] LinearRegressionSuite: -[info] - linear regression (385 milliseconds) -[info] - linear regression without intercept (386 milliseconds) -[info] - sparse linear regression without intercept (996 milliseconds) -[info] - model save/load (266 milliseconds) -[info] LinearRegressionClusterSuite: -[info] - task size should be small in both training and prediction (4 seconds, 627 milliseconds) -[info] HashingTFSuite: -[info] - hashing tf on a single doc (4 milliseconds) -[info] - hashing tf on an RDD (10 milliseconds) -[info] PeriodicRDDCheckpointerSuite: -[info] - Persisting (8 milliseconds) -[info] - Checkpointing (150 milliseconds) -[info] KernelDensitySuite: -[info] - kernel density single sample (32 milliseconds) -[info] - kernel density multiple samples (4 milliseconds) -[info] PrefixSpanSuite: -[info] - PrefixSpan internal (integer seq, 0 delim) run, singleton itemsets (149 milliseconds) -[info] - PrefixSpan internal (integer seq, -1 delim) run, variable-size itemsets (36 milliseconds) -[info] - PrefixSpan projections with multiple partial starts (59 milliseconds) -[info] - PrefixSpan Integer type, variable-size itemsets (47 milliseconds) -[info] - PrefixSpan String type, variable-size itemsets (57 milliseconds) -[info] StreamingTestSuite: -[info] - accuracy for null hypothesis using welch t-test (407 milliseconds) -[info] - accuracy for alternative hypothesis using welch t-test (277 milliseconds) -[info] - accuracy for null hypothesis using student t-test (282 milliseconds) -[info] - accuracy for alternative hypothesis using student t-test (284 milliseconds) -[info] - batches within same test window are grouped (342 milliseconds) -[info] - entries in peace period are dropped (10 seconds, 247 milliseconds) -[info] - null hypothesis when only data from one group is present (265 milliseconds) -[info] BinaryClassificationPMMLModelExportSuite: -[info] - logistic regression PMML export (26 milliseconds) -[info] - linear SVM PMML export (1 millisecond) -[info] RidgeRegressionSuite: -[info] - ridge regression can help avoid overfitting (1 second, 778 milliseconds) -[info] - model save/load (163 milliseconds) -[info] RidgeRegressionClusterSuite: -[info] - task size should be small in both training and prediction (4 seconds, 502 milliseconds) -[info] GradientBoostedTreesSuite: -[info] - Regression with continuous features: SquaredError (4 seconds, 179 milliseconds) -[info] - Regression with continuous features: Absolute Error (3 seconds, 728 milliseconds) -[info] - Binary classification with continuous features: Log Loss (3 seconds, 804 milliseconds) -[info] - SPARK-5496: BoostingStrategy.defaultParams should recognize Classification (1 millisecond) -[info] - model save/load (586 milliseconds) -[info] - runWithValidation stops early and performs better on a validation dataset (8 seconds, 388 milliseconds) -[info] - Checkpointing (454 milliseconds) -[info] MatrixFactorizationModelSuite: -[info] - constructor (48 milliseconds) -[info] - save/load (402 milliseconds) -[info] - batch predict API recommendProductsForUsers (65 milliseconds) -[info] - batch predict API recommendUsersForProducts (27 milliseconds) -[info] Word2VecSuite: -[info] - Word2Vec (109 milliseconds) -[info] - Word2Vec throws exception when vocabulary is empty (13 milliseconds) -[info] - Word2VecModel (1 millisecond) -[info] - model load / save (198 milliseconds) -[info] - big model load / save (4 seconds, 384 milliseconds) -[info] TestingUtilsSuite: -[info] - Comparing doubles using relative error. (13 milliseconds) -[info] - Comparing doubles using absolute error. (2 milliseconds) -[info] - Comparing vectors using relative error. (6 milliseconds) -[info] - Comparing vectors using absolute error. (3 milliseconds) -[info] MultivariateOnlineSummarizerSuite: -[info] - basic error handing (24 milliseconds) -[info] - dense vector input (0 milliseconds) -[info] - sparse vector input (0 milliseconds) -[info] - mixing dense and sparse vector input (0 milliseconds) -[info] - merging two summarizers (1 millisecond) -[info] - merging summarizer with empty summarizer (0 milliseconds) -[info] - merging summarizer when one side has zero mean (SPARK-4355) (1 millisecond) -[info] - merging summarizer with weighted samples (1 millisecond) -[info] ChiSqSelectorSuite: -[info] - ChiSqSelector transform test (sparse & dense vector) (57 milliseconds) -[info] - model load / save (171 milliseconds) -[info] RowMatrixSuite: -[info] - size (14 milliseconds) -[info] - empty rows (6 milliseconds) -[info] - toBreeze (9 milliseconds) -[info] - gram (18 milliseconds) -[info] - similar columns (111 milliseconds) -[info] - svd of a full-rank matrix (640 milliseconds) -[info] - svd of a low-rank matrix (36 milliseconds) -[info] - validate k in svd (1 millisecond) -[info] - pca (100 milliseconds) -[info] - multiply a local matrix (11 milliseconds) -[info] - compute column summary statistics (10 milliseconds) -[info] - QR Decomposition (102 milliseconds) -[info] - compute covariance (43 milliseconds) -[info] - covariance matrix is symmetric (SPARK-10875) (27 milliseconds) -[info] RowMatrixClusterSuite: -[info] - task size should be small in svd (4 seconds, 805 milliseconds) -[info] - task size should be small in summarize (204 milliseconds) -[info] LassoSuite: -[info] - Lasso local random SGD (453 milliseconds) -[info] - Lasso local random SGD with initial weights (444 milliseconds) -[info] - model save/load (145 milliseconds) -[info] LassoClusterSuite: -[info] - task size should be small in both training and prediction (4 seconds, 503 milliseconds) -[info] NaiveBayesSuite: -[info] - model types (1 millisecond) -[info] - get, set params (1 millisecond) -[info] - Naive Bayes Multinomial (176 milliseconds) -[info] - Naive Bayes Bernoulli (342 milliseconds) -[info] - detect negative values (53 milliseconds) -[info] - detect non zero or one values in Bernoulli (26 milliseconds) -[info] - model save/load: 2.0 to 2.0 (353 milliseconds) -[info] - model save/load: 1.0 to 2.0 (174 milliseconds) -[info] NaiveBayesClusterSuite: -[info] - task size should be small in both training and prediction (3 seconds, 511 milliseconds) -[info] LabeledPointSuite: -[info] - parse labeled points (3 milliseconds) -[info] - parse labeled points with whitespaces (0 milliseconds) -[info] - parse labeled points with v0.9 format (2 milliseconds) -[info] MultilabelMetricsSuite: -[info] - Multilabel evaluation metrics (112 milliseconds) -[info] BreezeVectorConversionSuite: -[info] - dense to breeze (0 milliseconds) -[info] - sparse to breeze (1 millisecond) -[info] - dense breeze to vector (0 milliseconds) -[info] - sparse breeze to vector (0 milliseconds) -[info] - sparse breeze with partially-used arrays to vector (0 milliseconds) -[info] DecisionTreeSuite: -[info] - Binary classification with continuous features: split and bin calculation (43 milliseconds) -[info] - Binary classification with binary (ordered) categorical features: split and bin calculation (20 milliseconds) -[info] - Binary classification with 3-ary (ordered) categorical features, with no samples for one category (17 milliseconds) -[info] - extract categories from a number for multiclass classification (0 milliseconds) -[info] - find splits for a continuous feature (271 milliseconds) -[info] - Multiclass classification with unordered categorical features: split and bin calculations (21 milliseconds) -[info] - Multiclass classification with ordered categorical features: split and bin calculations (31 milliseconds) -[info] - Avoid aggregation on the last level (43 milliseconds) -[info] - Avoid aggregation if impurity is 0.0 (36 milliseconds) -[info] - Second level node building with vs. without groups (182 milliseconds) -[info] - Binary classification stump with ordered categorical features (61 milliseconds) -[info] - Regression stump with 3-ary (ordered) categorical features (52 milliseconds) -[info] - Regression stump with binary (ordered) categorical features (58 milliseconds) -[info] - Binary classification stump with fixed label 0 for Gini (97 milliseconds) -[info] - Binary classification stump with fixed label 1 for Gini (110 milliseconds) -[info] - Binary classification stump with fixed label 0 for Entropy (88 milliseconds) -[info] - Binary classification stump with fixed label 1 for Entropy (91 milliseconds) -[info] - Multiclass classification stump with 3-ary (unordered) categorical features (93 milliseconds) -[info] - Binary classification stump with 1 continuous feature, to check off-by-1 error (35 milliseconds) -[info] - Binary classification stump with 2 continuous features (42 milliseconds) -[info] - Multiclass classification stump with unordered categorical features, with just enough bins (89 milliseconds) -[info] - Multiclass classification stump with continuous features (167 milliseconds) -[info] - Multiclass classification stump with continuous + unordered categorical features (162 milliseconds) -[info] - Multiclass classification stump with 10-ary (ordered) categorical features (110 milliseconds) -[info] - Multiclass classification tree with 10-ary (ordered) categorical features, with just enough bins (83 milliseconds) -[info] - split must satisfy min instances per node requirements (39 milliseconds) -[info] - do not choose split that does not satisfy min instance per node requirements (34 milliseconds) -[info] - split must satisfy min info gain requirements (36 milliseconds) -[info] - Node.subtreeIterator (1 millisecond) -[info] - model save/load (391 milliseconds) -[info] ALSSuite: -[info] - rank-1 matrices (750 milliseconds) -[info] - rank-1 matrices bulk (688 milliseconds) -[info] - rank-2 matrices (690 milliseconds) -[info] - rank-2 matrices bulk (794 milliseconds) -[info] - rank-1 matrices implicit (928 milliseconds) -[info] - rank-1 matrices implicit bulk (1 second, 12 milliseconds) -[info] - rank-2 matrices implicit (904 milliseconds) -[info] - rank-2 matrices implicit bulk (1 second, 119 milliseconds) -[info] - rank-2 matrices implicit negative (901 milliseconds) -[info] - rank-2 matrices with different user and product blocks (693 milliseconds) -[info] - pseudorandomness (342 milliseconds) -[info] - Storage Level for RDDs in model (203 milliseconds) -[info] - negative ids (589 milliseconds) -[info] - NNALS, rank 2 (653 milliseconds) -[info] BaggedPointSuite: -[info] - BaggedPoint RDD: without subsampling (14 milliseconds) -[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 1.0) (109 milliseconds) -[info] - BaggedPoint RDD: with subsampling with replacement (fraction = 0.5) (72 milliseconds) -[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 1.0) (62 milliseconds) -[info] - BaggedPoint RDD: with subsampling without replacement (fraction = 0.5) (57 milliseconds) -[info] PMMLModelExportFactorySuite: -[info] - PMMLModelExportFactory create KMeansPMMLModelExport when passing a KMeansModel (8 milliseconds) -[info] - PMMLModelExportFactory create GeneralizedLinearPMMLModelExport when passing a LinearRegressionModel, RidgeRegressionModel or LassoModel (1 millisecond) -[info] - PMMLModelExportFactory create BinaryClassificationPMMLModelExport when passing a LogisticRegressionModel or SVMModel (0 milliseconds) -[info] - PMMLModelExportFactory throw IllegalArgumentException when passing a Multinomial Logistic Regression (1 millisecond) -[info] - PMMLModelExportFactory throw IllegalArgumentException when passing an unsupported model (1 millisecond) -[info] RandomForestSuite: -[info] - Binary classification with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (601 milliseconds) -[info] - Binary classification with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (649 milliseconds) -[info] - Regression with continuous features: comparing DecisionTree vs. RandomForest(numTrees = 1) (447 milliseconds) -[info] - Regression with continuous features and node Id cache : comparing DecisionTree vs. RandomForest(numTrees = 1) (461 milliseconds) -[info] - Binary classification with continuous features: subsampling features (367 milliseconds) -[info] - Binary classification with continuous features and node Id cache: subsampling features (344 milliseconds) -[info] - alternating categorical and continuous features with multiclass labels to test indexing (50 milliseconds) -[info] - subsampling rate in RandomForest (128 milliseconds) -[info] - model save/load (352 milliseconds) -[info] KMeansPMMLModelExportSuite: -[info] - KMeansPMMLModelExport generate PMML format (0 milliseconds) -[info] RDDFunctionsSuite: -[info] - sliding (1 second, 120 milliseconds) -[info] - sliding with empty partitions (12 milliseconds) -[info] KMeansSuite: -[info] - single cluster (1 second, 328 milliseconds) -[info] - no distinct points (203 milliseconds) -[info] - more clusters than points (194 milliseconds) -[info] - deterministic initialization (967 milliseconds) -[info] - single cluster with big dataset (1 second, 523 milliseconds) -[info] - single cluster with sparse data (2 seconds, 160 milliseconds) -[info] - k-means|| initialization (601 milliseconds) -[info] - two clusters (324 milliseconds) -[info] - model save/load (340 milliseconds) -[info] - Initialize using given cluster centers (6 milliseconds) -[info] KMeansClusterSuite: -[info] - task size should be small in both training and prediction (10 seconds, 776 milliseconds) -[info] StandardScalerSuite: -[info] - Standardization with dense input when means and stds are provided (80 milliseconds) -[info] - Standardization with dense input (71 milliseconds) -[info] - Standardization with sparse input when means and stds are provided (33 milliseconds) -[info] - Standardization with sparse input (32 milliseconds) -[info] - Standardization with constant input when means and stds are provided (16 milliseconds) -[info] - Standardization with constant input (16 milliseconds) -[info] - StandardScalerModel argument nulls are properly handled (7 milliseconds) -[info] StreamingLogisticRegressionSuite: -[info] - parameter accuracy (2 seconds, 325 milliseconds) -[info] - parameter convergence (2 seconds, 199 milliseconds) -[info] - predictions (266 milliseconds) -[info] - training and prediction (913 milliseconds) -[info] - handling empty RDDs in a stream (309 milliseconds) -[info] MultivariateGaussianSuite: -[info] - univariate (25 milliseconds) -[info] - multivariate (4 milliseconds) -[info] - multivariate degenerate (0 milliseconds) -[info] - SPARK-11302 (2 milliseconds) -[info] AssociationRulesSuite: -[info] - association rules using String type (34 milliseconds) -[info] RandomDataGeneratorSuite: -[info] - UniformGenerator (32 milliseconds) -[info] - StandardNormalGenerator (53 milliseconds) -[info] - LogNormalGenerator (257 milliseconds) -[info] - PoissonGenerator (2 seconds, 338 milliseconds) -[info] - ExponentialGenerator (318 milliseconds) -[info] - GammaGenerator (395 milliseconds) -[info] - WeibullGenerator (596 milliseconds) -[info] MLUtilsSuite: -[info] - epsilon computation (1 millisecond) -[info] - fast squared distance (8 milliseconds) -[info] - loadLibSVMFile (78 milliseconds) -[info] - loadLibSVMFile throws IllegalArgumentException when indices is zero-based (21 milliseconds) -[info] - loadLibSVMFile throws IllegalArgumentException when indices is not in ascending order (20 milliseconds) -[info] - saveAsLibSVMFile (37 milliseconds) -[info] - appendBias (0 milliseconds) -[info] - kFold (3 seconds, 432 milliseconds) -[info] - loadVectors (63 milliseconds) -[info] - loadLabeledPoints (57 milliseconds) -[info] - log1pExp (0 milliseconds) -[info] BlockMatrixSuite: -[info] - size (0 milliseconds) -[info] - grid partitioner (9 milliseconds) -[info] - toCoordinateMatrix (14 milliseconds) -[info] - toIndexedRowMatrix (28 milliseconds) -[info] - toBreeze and toLocalMatrix (10 milliseconds) -[info] - add (131 milliseconds) -[info] - multiply (232 milliseconds) -[info] - simulate multiply (14 milliseconds) -[info] - validate (116 milliseconds) -[info] - transpose (25 milliseconds) -[info] NNLSSuite: -[info] - NNLS: exact solution cases (20 milliseconds) -[info] - NNLS: nonnegativity constraint active (1 millisecond) -[info] - NNLS: objective value test (1 millisecond) -[info] MatricesSuite: -[info] - dense matrix construction (0 milliseconds) -[info] - dense matrix construction with wrong dimension (3 milliseconds) -[info] - sparse matrix construction (6 milliseconds) -[info] - sparse matrix construction with wrong number of elements (2 milliseconds) -[info] - index in matrices incorrect input (4 milliseconds) -[info] - equals (20 milliseconds) -[info] - matrix copies are deep copies (0 milliseconds) -[info] - matrix indexing and updating (0 milliseconds) -[info] - toSparse, toDense (0 milliseconds) -[info] - map, update (3 milliseconds) -[info] - transpose (0 milliseconds) -[info] - foreachActive (2 milliseconds) -[info] - horzcat, vertcat, eye, speye (9 milliseconds) -[info] - zeros (1 millisecond) -[info] - ones (1 millisecond) -[info] - eye (0 milliseconds) -[info] - rand (147 milliseconds) -[info] - randn (3 milliseconds) -[info] - diag (0 milliseconds) -[info] - sprand (10 milliseconds) -[info] - sprandn (2 milliseconds) -[info] - MatrixUDT (7 milliseconds) -[info] - toString (3 milliseconds) -[info] - numNonzeros and numActives (1 millisecond) -[info] MLPairRDDFunctionsSuite: -[info] - topByKey (12 milliseconds) -[info] IDFSuite: -[info] - idf (37 milliseconds) -[info] - idf minimum document frequency filtering (15 milliseconds) -[info] IndexedRowMatrixSuite: -[info] - size (15 milliseconds) -[info] - empty rows (8 milliseconds) -[info] - toBreeze (10 milliseconds) -[info] - toRowMatrix (11 milliseconds) -[info] - toCoordinateMatrix (17 milliseconds) -[info] - toBlockMatrix (30 milliseconds) -[info] - multiply a local matrix (26 milliseconds) -[info] - gram (8 milliseconds) -[info] - svd (40 milliseconds) -[info] - validate matrix sizes of svd (13 milliseconds) -[info] - validate k in svd (3 milliseconds) -[info] - similar columns (30 milliseconds) -[info] CorrelationSuite: -[info] - corr(x, y) pearson, 1 value in data (76 milliseconds) -[info] - corr(x, y) default, pearson (97 milliseconds) -[info] - corr(x, y) spearman (209 milliseconds) -[info] - corr(X) default, pearson (22 milliseconds) -[info] - corr(X) spearman (33 milliseconds) -[info] - method identification (0 milliseconds) -[info] FPTreeSuite: -[info] - add transaction (1 millisecond) -[info] - merge tree (0 milliseconds) -[info] - extract freq itemsets (0 milliseconds) -[info] LogisticRegressionSuite: -[info] - logistic regression with SGD (678 milliseconds) -[info] - logistic regression with LBFGS (692 milliseconds) -[info] - logistic regression with initial weights with SGD (670 milliseconds) -[info] - logistic regression with initial weights and non-default regularization parameter (519 milliseconds) -[info] - logistic regression with initial weights with LBFGS (586 milliseconds) -[info] - numerical stability of scaling features using logistic regression with LBFGS (3 seconds, 820 milliseconds) -[info] - multinomial logistic regression with LBFGS (29 seconds, 851 milliseconds) -[info] - model save/load: binary classification (307 milliseconds) -[info] - model save/load: multiclass classification (149 milliseconds) -[info] LogisticRegressionClusterSuite: -[info] - task size should be small in both training and prediction using SGD optimizer (4 seconds, 433 milliseconds) -[info] - task size should be small in both training and prediction using LBFGS optimizer (2 seconds, 257 milliseconds) -[info] BLASSuite: -[info] - copy (3 milliseconds) -[info] - scal (0 milliseconds) -[info] - axpy(a: Double, x: SparseVector, y: SparseVector) (1 millisecond) -[info] - axpy (3 milliseconds) -[info] - dot (2 milliseconds) -[info] - spr (1 millisecond) -[info] - syr (5 milliseconds) -[info] - gemm (3 milliseconds) -[info] - gemv (3 milliseconds) -[info] GeneralizedLinearPMMLModelExportSuite: -[info] - linear regression PMML export (0 milliseconds) -[info] - ridge regression PMML export (1 millisecond) -[info] - lasso PMML export (0 milliseconds) -[info] AreaUnderCurveSuite: -[info] - auc computation (11 milliseconds) -[info] - auc of an empty curve (6 milliseconds) -[info] - auc of a curve with a single point (5 milliseconds) -[info] PeriodicGraphCheckpointerSuite: -[info] - Persisting (73 milliseconds) -[info] - Checkpointing (399 milliseconds) -[info] PowerIterationClusteringSuite: -[info] - power iteration clustering (610 milliseconds) -[info] - power iteration clustering on graph (539 milliseconds) -[info] - normalize and powerIter (103 milliseconds) -[info] - model save/load (176 milliseconds) -[info] IsotonicRegressionSuite: -[info] - increasing isotonic regression (34 milliseconds) -[info] - model save/load (177 milliseconds) -[info] - isotonic regression with size 0 (14 milliseconds) -[info] - isotonic regression with size 1 (15 milliseconds) -[info] - isotonic regression strictly increasing sequence (15 milliseconds) -[info] - isotonic regression strictly decreasing sequence (15 milliseconds) -[info] - isotonic regression with last element violating monotonicity (15 milliseconds) -[info] - isotonic regression with first element violating monotonicity (25 milliseconds) -[info] - isotonic regression with negative labels (16 milliseconds) -[info] - isotonic regression with unordered input (17 milliseconds) -[info] - weighted isotonic regression (15 milliseconds) -[info] - weighted isotonic regression with weights lower than 1 (16 milliseconds) -[info] - weighted isotonic regression with negative weights (14 milliseconds) -[info] - weighted isotonic regression with zero weights (16 milliseconds) -[info] - isotonic regression prediction (16 milliseconds) -[info] - isotonic regression prediction with duplicate features (19 milliseconds) -[info] - antitonic regression prediction with duplicate features (24 milliseconds) -[info] - isotonic regression RDD prediction (24 milliseconds) -[info] - antitonic regression prediction (15 milliseconds) -[info] - model construction (2 milliseconds) -[info] NumericParserSuite: -[info] - parser (1 millisecond) -[info] - parser with whitespaces (1 millisecond) -[info] MulticlassMetricsSuite: -[info] - Multiclass evaluation metrics (48 milliseconds) -[info] RandomRDDsSuite: -[info] - RandomRDD sizes (40 milliseconds) -[info] - randomRDD for different distributions (1 second, 646 milliseconds) -[info] - randomVectorRDD for different distributions (1 second, 768 milliseconds) -[info] NormalizerSuite: -[info] - Normalization using L1 distance (19 milliseconds) -[info] - Normalization using L2 distance (13 milliseconds) -[info] - Normalization using L^Inf distance. (14 milliseconds) -[info] BreezeMatrixConversionSuite: -[info] - dense matrix to breeze (0 milliseconds) -[info] - dense breeze matrix to matrix (0 milliseconds) -[info] - sparse matrix to breeze (0 milliseconds) -[info] - sparse breeze matrix to sparse matrix (0 milliseconds) -[info] CoordinateMatrixSuite: -[info] - size (9 milliseconds) -[info] - empty entries (7 milliseconds) -[info] - toBreeze (4 milliseconds) -[info] - transpose (10 milliseconds) -[info] - toIndexedRowMatrix (23 milliseconds) -[info] - toRowMatrix (15 milliseconds) -[info] - toBlockMatrix (20 milliseconds) -[info] GradientDescentSuite: -[info] - Assert the loss is decreasing. (645 milliseconds) -[info] - Test the loss and gradient of first iteration with regularization. (254 milliseconds) -[info] - iteration should end with convergence tolerance (205 milliseconds) -[info] GradientDescentClusterSuite: -[info] - task size should be small (4 seconds, 46 milliseconds) -[info] VectorsSuite: -[info] - dense vector construction with varargs (1 millisecond) -[info] - dense vector construction from a double array (0 milliseconds) -[info] - sparse vector construction (0 milliseconds) -[info] - sparse vector construction with unordered elements (1 millisecond) -[info] - sparse vector construction with mismatched indices/values array (2 milliseconds) -[info] - sparse vector construction with too many indices vs size (1 millisecond) -[info] - dense to array (0 milliseconds) -[info] - dense argmax (0 milliseconds) -[info] - sparse to array (0 milliseconds) -[info] - sparse argmax (0 milliseconds) -[info] - vector equals (3 milliseconds) -[info] - vectors equals with explicit 0 (2 milliseconds) -[info] - indexing dense vectors (0 milliseconds) -[info] - indexing sparse vectors (0 milliseconds) -[info] - parse vectors (2 milliseconds) -[info] - zeros (1 millisecond) -[info] - Vector.copy (0 milliseconds) -[info] - VectorUDT (1 millisecond) -[info] - fromBreeze (0 milliseconds) -[info] - sqdist (8 milliseconds) -[info] - foreachActive (1 millisecond) -[info] - vector p-norm (5 milliseconds) -[info] - Vector numActive and numNonzeros (0 milliseconds) -[info] - Vector toSparse and toDense (0 milliseconds) -[info] - Vector.compressed (0 milliseconds) -[info] - SparseVector.slice (1 millisecond) -[info] - toJson/fromJson (6 milliseconds) -[info] PCASuite: -[info] - Correct computing use a PCA wrapper (46 milliseconds) -[info] GaussianMixtureSuite: -[info] - single cluster (159 milliseconds) -[info] - two clusters (23 milliseconds) -[info] - two clusters with distributed decompositions (162 milliseconds) -[info] - single cluster with sparse data (142 milliseconds) -[info] - two clusters with sparse data (26 milliseconds) -[info] - model save / load (272 milliseconds) -[info] - model prediction, parallel and local (81 milliseconds) -[info] LBFGSSuite: -[info] - LBFGS loss should be decreasing and match the result of Gradient Descent. (3 seconds, 520 milliseconds) -[info] - LBFGS and Gradient Descent with L2 regularization should get the same result. (3 seconds, 349 milliseconds) -[info] - The convergence criteria should work as we expect. (1 second, 298 milliseconds) -[info] - Optimize via class LBFGS. (3 seconds, 697 milliseconds) -[info] LBFGSClusterSuite: -[info] - task size should be small (5 seconds, 981 milliseconds) -[info] RegressionMetricsSuite: -[info] - regression metrics for unbiased (includes intercept term) predictor (17 milliseconds) -[info] - regression metrics for biased (no intercept term) predictor (7 milliseconds) -[info] - regression metrics with complete fitting (7 milliseconds) -[info] StreamingKMeansSuite: -[info] - accuracy for single center and equivalence to grand average (439 milliseconds) -[info] - accuracy for two centers (381 milliseconds) -[info] - detecting dying clusters (375 milliseconds) -[info] - SPARK-7946 setDecayFactor (1 millisecond) -[info] PythonMLLibAPISuite: -[info] - pickle vector (4 milliseconds) -[info] - pickle labeled point (3 milliseconds) -[info] - pickle double (1 millisecond) -[info] - pickle matrix (1 millisecond) -[info] - pickle rating (1 millisecond) -[info] SVMSuite: -[info] - SVM with threshold (1 second, 150 milliseconds) -[info] - SVM using local random SGD (869 milliseconds) -[info] - SVM local random SGD with initial weights (774 milliseconds) -[info] - SVM with invalid labels (6 seconds, 138 milliseconds) -[info] - model save/load (302 milliseconds) -[info] SVMClusterSuite: -[info] - task size should be small in both training and prediction (4 seconds, 352 milliseconds) -[info] BisectingKMeansSuite: -[info] - default values (3 milliseconds) -[info] - setter/getter (4 milliseconds) -[info] - 1D data (94 milliseconds) -[info] - points are the same (27 milliseconds) -[info] - more desired clusters than points (79 milliseconds) -[info] - min divisible cluster (95 milliseconds) -[info] - larger clusters get selected first (53 milliseconds) -[info] - 2D data (119 milliseconds) -[info] LDASuite: -[info] - LocalLDAModel (12 milliseconds) -[info] - running and DistributedLDAModel with default Optimizer (EM) (359 milliseconds) -[info] - vertex indexing (2 milliseconds) -[info] - setter alias (1 millisecond) -[info] - initializing with alpha length != k or 1 fails (2 milliseconds) -[info] - initializing with elements in alpha < 0 fails (1 millisecond) -[info] - OnlineLDAOptimizer initialization (16 milliseconds) -[info] - OnlineLDAOptimizer one iteration (51 milliseconds) -[info] - OnlineLDAOptimizer with toy data (1 second, 334 milliseconds) -[info] - LocalLDAModel logLikelihood (22 milliseconds) -[info] - LocalLDAModel logPerplexity (11 milliseconds) -[info] - LocalLDAModel predict (30 milliseconds) -[info] - OnlineLDAOptimizer with asymmetric prior (1 second, 311 milliseconds) -[info] - OnlineLDAOptimizer alpha hyperparameter optimization (1 second, 219 milliseconds) -[info] - model save/load (824 milliseconds) -[info] - EMLDAOptimizer with empty docs (124 milliseconds) -[info] - OnlineLDAOptimizer with empty docs (47 milliseconds) -[info] ImpuritySuite: -[info] - Gini impurity does not support negative labels (1 millisecond) -[info] - Entropy does not support negative labels (1 millisecond) -[info] ElementwiseProductSuite: -[info] - elementwise (hadamard) product should properly apply vector to dense data set (11 milliseconds) -[info] - elementwise (hadamard) product should properly apply vector to sparse data set (16 milliseconds) -[info] HypothesisTestSuite: -[info] - chi squared pearson goodness of fit (5 milliseconds) -[info] - chi squared pearson matrix independence (2 milliseconds) -[info] - chi squared pearson RDD[LabeledPoint] (1 second, 719 milliseconds) -[info] - 1 sample Kolmogorov-Smirnov test: apache commons math3 implementation equivalence (2 seconds, 376 milliseconds) -[info] - 1 sample Kolmogorov-Smirnov test: R implementation equivalence (33 milliseconds) -[info] RankingMetricsSuite: -[info] - Ranking metrics: map, ndcg (63 milliseconds) -[info] Test run started -[info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.testPredictJavaRDD started -[info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.runUsingConstructor started -[info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.runUsingStaticMethods started -[info] Test org.apache.spark.mllib.classification.JavaNaiveBayesSuite.testModelTypeSetters started -[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.228s -[info] Test run started -[info] Test org.apache.spark.mllib.classification.JavaStreamingLogisticRegressionSuite.javaAPI started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.294s -[info] Test run started -[info] Test org.apache.spark.mllib.fpm.JavaFPGrowthSuite.runFPGrowthSaveLoad started -[info] Test org.apache.spark.mllib.fpm.JavaFPGrowthSuite.runFPGrowth started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.317s -[info] Test run started -[info] Test org.apache.spark.mllib.fpm.JavaPrefixSpanSuite.runPrefixSpan started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.09s -[info] Test run started -[info] Test org.apache.spark.mllib.clustering.JavaStreamingKMeansSuite.javaAPI started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.216s -[info] Test run started -[info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.testPredictJavaRDD started -[info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.runLinearRegressionUsingStaticMethods started -[info] Test org.apache.spark.mllib.regression.JavaLinearRegressionSuite.runLinearRegressionUsingConstructor started -[info] Test run finished: 0 failed, 0 ignored, 3 total, 1.098s -[info] Test run started -[info] Test org.apache.spark.mllib.classification.JavaLogisticRegressionSuite.runLRUsingConstructor started -[info] Test org.apache.spark.mllib.classification.JavaLogisticRegressionSuite.runLRUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 5.957s -[info] Test run started -[info] Test org.apache.spark.mllib.clustering.JavaGaussianMixtureSuite.runGaussianMixture started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.061s -[info] Test run started -[info] Test org.apache.spark.mllib.regression.JavaStreamingLinearRegressionSuite.javaAPI started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.263s -[info] Test run started -[info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.testPredictJavaRDD started -[info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.runKMeansUsingConstructor started -[info] Test org.apache.spark.mllib.clustering.JavaKMeansSuite.runKMeansUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 3 total, 0.506s -[info] Test run started -[info] Test org.apache.spark.mllib.feature.JavaTfIdfSuite.tfIdfMinimumDocumentFrequency started -[info] Test org.apache.spark.mllib.feature.JavaTfIdfSuite.tfIdf started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.757s -[info] Test run started -[info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.testCorr started -[info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.chiSqTest started -[info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.streamingTest started -[info] Test org.apache.spark.mllib.stat.JavaStatisticsSuite.kolmogorovSmirnovTest started -[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.411s -[info] Test run started -[info] Test org.apache.spark.mllib.regression.JavaIsotonicRegressionSuite.testIsotonicRegressionJavaRDD started -[info] Test org.apache.spark.mllib.regression.JavaIsotonicRegressionSuite.testIsotonicRegressionPredictionsJavaRDD started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.134s -[info] Test run started -[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runALSUsingStaticMethods started -[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSUsingConstructor started -[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runRecommend started -[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSWithNegativeWeight started -[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runImplicitALSUsingStaticMethods started -[info] Test org.apache.spark.mllib.recommendation.JavaALSSuite.runALSUsingConstructor started -[info] Test run finished: 0 failed, 0 ignored, 6 total, 5.458s -[info] Test run started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testNormalVectorRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testArbitrary started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testLogNormalVectorRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testExponentialVectorRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testUniformRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testRandomVectorRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testGammaRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testUniformVectorRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testPoissonRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testNormalRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testPoissonVectorRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testGammaVectorRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testExponentialRDD started -[info] Test org.apache.spark.mllib.random.JavaRandomRDDsSuite.testLNormalRDD started -[info] Test run finished: 0 failed, 0 ignored, 14 total, 0.731s -[info] Test run started -[info] Test org.apache.spark.mllib.tree.JavaDecisionTreeSuite.runDTUsingStaticMethods started -[info] Test org.apache.spark.mllib.tree.JavaDecisionTreeSuite.runDTUsingConstructor started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.209s -[info] Test run started -[info] Test org.apache.spark.mllib.linalg.JavaVectorsSuite.denseArrayConstruction started -[info] Test org.apache.spark.mllib.linalg.JavaVectorsSuite.sparseArrayConstruction started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 0.001s -[info] Test run started -[info] Test org.apache.spark.mllib.clustering.JavaLDASuite.onlineOptimizerCompatibility started -[info] Test org.apache.spark.mllib.clustering.JavaLDASuite.distributedLDAModel started -[info] Test org.apache.spark.mllib.clustering.JavaLDASuite.localLDAModel started -[info] Test org.apache.spark.mllib.clustering.JavaLDASuite.localLdaMethods started -[info] Test run finished: 0 failed, 0 ignored, 4 total, 0.506s -[info] Test run started -[info] Test org.apache.spark.mllib.regression.JavaRidgeRegressionSuite.runRidgeRegressionUsingConstructor started -[info] Test org.apache.spark.mllib.regression.JavaRidgeRegressionSuite.runRidgeRegressionUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 3.119s -[info] Test run started -[info] Test org.apache.spark.mllib.classification.JavaSVMSuite.runSVMUsingConstructor started -[info] Test org.apache.spark.mllib.classification.JavaSVMSuite.runSVMUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 1.846s -[info] Test run started -[info] Test org.apache.spark.mllib.feature.JavaWord2VecSuite.word2Vec started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.092s -[info] Test run started -[info] Test org.apache.spark.mllib.evaluation.JavaRankingMetricsSuite.rankingMetrics started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.043s -[info] Test run started -[info] Test org.apache.spark.mllib.fpm.JavaAssociationRulesSuite.runAssociationRules started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.039s -[info] Test run started -[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.zerosMatrixConstruction started -[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.identityMatrixConstruction started -[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.concatenateMatrices started -[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.sparseDenseConversion started -[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.randMatrixConstruction started -[info] Test org.apache.spark.mllib.linalg.JavaMatricesSuite.diagonalMatrixConstruction started -[info] Test run finished: 0 failed, 0 ignored, 6 total, 0.004s -[info] Test run started -[info] Test org.apache.spark.mllib.regression.JavaLassoSuite.runLassoUsingConstructor started -[info] Test org.apache.spark.mllib.regression.JavaLassoSuite.runLassoUsingStaticMethods started -[info] Test run finished: 0 failed, 0 ignored, 2 total, 4.53s -[info] Test run started -[info] Test org.apache.spark.mllib.clustering.JavaBisectingKMeansSuite.twoDimensionalData started -[info] Test run finished: 0 failed, 0 ignored, 1 total, 0.113s --- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas4558071759314704620/libjblas.dylib --- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas4558071759314704620/libjblas_arch_flavor.dylib --- org.jblas INFO Deleting /Users/royl/git/spark/target/tmp/jblas4558071759314704620 -[info] ScalaTest -[info] Run completed in 4 minutes, 32 seconds. -[info] Total number of tests run: 452 -[info] Suites: completed 83, aborted 0 -[info] Tests: succeeded 452, failed 0, canceled 0, ignored 0, pending 0 -[info] All tests passed. -[info] Passed: Total 523, Failed 0, Errors 0, Passed 523 -[success] Total time: 286 s, completed Jan 15, 2016 2:42:10 PM