Skip to content

Commit

Permalink
update developer and experimental tags
Browse files Browse the repository at this point in the history
  • Loading branch information
mengxr committed Apr 9, 2014
1 parent 555e0fe commit da31733
Show file tree
Hide file tree
Showing 30 changed files with 44 additions and 44 deletions.
Original file line number Diff line number Diff line change
Expand Up @@ -28,7 +28,7 @@ import org.apache.spark.mllib.regression._
import org.apache.spark.rdd.RDD

/**
* <span class="badge badge-red" style="float: right;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* The Java stubs necessary for the Python mllib bindings.
*/
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,7 @@ import org.apache.spark.mllib.util.MLUtils
import org.apache.spark.rdd.RDD

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Model for Naive Bayes Classifiers.
*
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -76,7 +76,7 @@ class KMeans private (
}

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Set the number of runs of the algorithm to execute in parallel. We initialize the algorithm
* this many times with random starting conditions (configured by the initialization mode), then
Expand Down Expand Up @@ -398,7 +398,7 @@ object KMeans {
}

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*/
def main(args: Array[String]) {
if (args.length < 4) {
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@ import breeze.linalg.{axpy => brzAxpy}
import org.apache.spark.mllib.linalg.{Vectors, Vector}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Class used to compute the gradient for a loss function, given a single data point.
*/
Expand Down Expand Up @@ -53,7 +53,7 @@ abstract class Gradient extends Serializable {
}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Compute gradient and loss for a logistic loss function, as used in binary classification.
* See also the documentation for the precise formulation.
Expand Down Expand Up @@ -96,7 +96,7 @@ class LogisticGradient extends Gradient {
}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Compute gradient and loss for a Least-squared loss function, as used in linear regression.
* This is correct for the averaged least squares loss function (mean squared error)
Expand Down Expand Up @@ -130,7 +130,7 @@ class LeastSquaresGradient extends Gradient {
}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Compute gradient and loss for a Hinge loss function, as used in SVM binary classification.
* See also the documentation for the precise formulation.
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -26,7 +26,7 @@ import org.apache.spark.rdd.RDD
import org.apache.spark.mllib.linalg.{Vectors, Vector}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Class used to solve an optimization problem using Gradient Descent.
* @param gradient Gradient function to be used.
Expand Down Expand Up @@ -110,7 +110,7 @@ class GradientDescent(private var gradient: Gradient, private var updater: Updat
}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Top-level method to run gradient descent.
*/
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@ import org.apache.spark.rdd.RDD
import org.apache.spark.mllib.linalg.Vector

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Trait for optimization problem solvers.
*/
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -24,7 +24,7 @@ import breeze.linalg.{norm => brzNorm, axpy => brzAxpy, Vector => BV}
import org.apache.spark.mllib.linalg.{Vectors, Vector}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Class used to perform steps (weight update) using Gradient Descent methods.
*
Expand Down Expand Up @@ -61,7 +61,7 @@ abstract class Updater extends Serializable {
}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* A simple updater for gradient descent *without* any regularization.
* Uses a step-size decreasing with the square root of the number of iterations.
Expand All @@ -82,7 +82,7 @@ class SimpleUpdater extends Updater {
}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Updater for L1 regularized problems.
* R(w) = ||w||_1
Expand Down Expand Up @@ -126,7 +126,7 @@ class L1Updater extends Updater {
}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Updater for L2 regularized problems.
* R(w) = 1/2 ||w||^2
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -138,7 +138,7 @@ class ALS private (
}

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Sets the constant used in computing confidence in implicit ALS. Default: 1.0.
*/
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -68,7 +68,7 @@ class MatrixFactorizationModel(
}

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Predict the rating of many users for many products.
* This is a Java stub for python predictAll()
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -101,7 +101,7 @@ abstract class GeneralizedLinearAlgorithm[M <: GeneralizedLinearModel]
}

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Set if the algorithm should validate data before training. Default true.
*/
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -33,7 +33,7 @@ import org.apache.spark.util.random.XORShiftRandom
import org.apache.spark.mllib.linalg.{Vector, Vectors}

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* A class that implements a decision tree algorithm for classification and regression. It
* supports both continuous and categorical features.
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@
package org.apache.spark.mllib.tree.configuration

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Enum to select the algorithm for the decision tree
*/
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@
package org.apache.spark.mllib.tree.configuration

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Enum to describe whether a feature is "continuous" or "categorical"
*/
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@
package org.apache.spark.mllib.tree.configuration

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Enum for selecting the quantile calculation strategy
*/
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@ import org.apache.spark.mllib.tree.configuration.Algo._
import org.apache.spark.mllib.tree.configuration.QuantileStrategy._

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Stores all the configuration options for tree construction
* @param algo classification or regression
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@
package org.apache.spark.mllib.tree.impurity

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Class for calculating [[http://en.wikipedia.org/wiki/Binary_entropy_function entropy]] during
* binary classification.
Expand All @@ -28,7 +28,7 @@ object Entropy extends Impurity {
private[tree] def log2(x: Double) = scala.math.log(x) / scala.math.log(2)

/**
* <span class="badge badge-red" style="float: right;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* entropy calculation
* @param c0 count of instances with label 0
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@
package org.apache.spark.mllib.tree.impurity

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Class for calculating the
* [[http://en.wikipedia.org/wiki/Decision_tree_learning#Gini_impurity Gini impurity]]
Expand All @@ -27,7 +27,7 @@ package org.apache.spark.mllib.tree.impurity
object Gini extends Impurity {

/**
* <span class="badge badge-red" style="float: right;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Gini coefficient calculation
* @param c0 count of instances with label 0
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -18,14 +18,14 @@
package org.apache.spark.mllib.tree.impurity

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Trait for calculating information gain.
*/
trait Impurity extends Serializable {

/**
* <span class="badge badge-red" style="float: right;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* information calculation for binary classification
* @param c0 count of instances with label 0
Expand All @@ -35,7 +35,7 @@ trait Impurity extends Serializable {
def calculate(c0 : Double, c1 : Double): Double

/**
* <span class="badge badge-red" style="float: right;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* information calculation for regression
* @param count number of instances
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@
package org.apache.spark.mllib.tree.impurity

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Class for calculating variance during regression
*/
Expand All @@ -27,7 +27,7 @@ object Variance extends Impurity {
throw new UnsupportedOperationException("Variance.calculate")

/**
* <span class="badge badge-red" style="float: right;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* variance calculation
* @param count number of instances
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@ import org.apache.spark.rdd.RDD
import org.apache.spark.mllib.linalg.Vector

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Model to store the decision tree parameters
* @param topNode root node
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -18,7 +18,7 @@
package org.apache.spark.mllib.tree.model

/**
* <span class="badge badge-red" style="float: right;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Information gain statistics for each split
* @param gain information gain value
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@ import org.apache.spark.mllib.tree.configuration.FeatureType._
import org.apache.spark.mllib.linalg.Vector

/**
* <span class="badge badge-red" style="float: right;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Node in a decision tree
* @param id integer node id
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -20,7 +20,7 @@ package org.apache.spark.mllib.tree.model
import org.apache.spark.mllib.tree.configuration.FeatureType.FeatureType

/**
* <span class="badge badge-red" style="float: right;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Split applied to a feature
* @param feature feature index
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -22,7 +22,7 @@ import org.apache.spark.rdd.RDD
import org.apache.spark.mllib.regression.LabeledPoint

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* A collection of methods used to validate data before applying ML algorithms.
*/
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -23,7 +23,7 @@ import org.apache.spark.SparkContext
import org.apache.spark.rdd.RDD

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Generate test data for KMeans. This class first chooses k cluster centers
* from a d-dimensional Gaussian distribution scaled by factor r and then creates a Gaussian
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -28,7 +28,7 @@ import org.apache.spark.mllib.linalg.Vectors
import org.apache.spark.mllib.regression.LabeledPoint

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Generate sample data used for Linear Data. This class generates
* uniformly random values for every feature and adds Gaussian noise with mean `eps` to the
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -25,7 +25,7 @@ import org.apache.spark.mllib.regression.LabeledPoint
import org.apache.spark.mllib.linalg.Vectors

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Generate test data for LogisticRegression. This class chooses positive labels
* with probability `probOne` and scales features for positive examples by `eps`.
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -25,7 +25,7 @@ import org.apache.spark.SparkContext
import org.apache.spark.rdd.RDD

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Generate RDD(s) containing data for Matrix Factorization.
*
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -122,7 +122,7 @@ object MLUtils {
loadLibSVMData(sc, path, labelParser, numFeatures, sc.defaultMinSplits)

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Load labeled data from a file. The data format used here is
* <L>, <f1> <f2> ...
Expand All @@ -143,7 +143,7 @@ object MLUtils {
}

/**
* <span class="badge" style="float: right; background-color: #257080;">EXPERIMENTAL</span>
* :: Experimental ::
*
* Save labeled data to a file. The data format used here is
* <L>, <f1> <f2> ...
Expand Down
Original file line number Diff line number Diff line change
Expand Up @@ -27,7 +27,7 @@ import org.apache.spark.mllib.linalg.Vectors
import org.apache.spark.mllib.regression.LabeledPoint

/**
* <span class="badge" style="float: right; background-color: #44751E;">DEVELOPER API</span>
* :: DeveloperApi ::
*
* Generate sample data used for SVM. This class generates uniform random values
* for the features and adds Gaussian noise with weight 0.1 to generate labels.
Expand Down

0 comments on commit da31733

Please sign in to comment.