class icon trait icon trait icon trait icon
  1. focushideorg.apache.spark
    1. Accumulable
    2. AccumulableParam
    3. Accumulator
    4. AccumulatorParam
    5. Aggregator
    6. BarrierTaskContext
    7. BarrierTaskInfo
    8. ComplexFutureAction
    9. ContextAwareIterator
    10. Dependency
    11. ExceptionFailure
    12. ExecutorLostFailure
    13. ExecutorPlugin
    14. FetchFailed
    15. FutureAction
    16. HashPartitioner
    17. InterruptibleIterator
    18. JobExecutionStatus
    19. JobSubmitter
    20. NarrowDependency
    21. OneToOneDependency
    22. Partition
    23. Partitioner
    24. RangeDependency
    25. RangePartitioner
    26. Resubmitted
    27. SerializableWritable
    28. ShuffleDependency
    29. SimpleFutureAction
    30. SparkConf
    31. SparkContext
    32. SparkEnv
    33. SparkException
    34. SparkExecutorInfo
    35. SparkFiles
    36. SparkFirehoseListener
    37. SparkJobInfo
    38. SparkStageInfo
    39. SparkStatusTracker
    40. Success
    41. TaskCommitDenied
    42. TaskContext
    43. TaskEndReason
    44. TaskFailedReason
    45. TaskKilled
    46. TaskKilledException
    47. TaskResultLost
    48. UnknownReason
    49. WritableConverter
    50. WritableFactory
  1. focushideorg.apache.spark.api.java
    1. JavaDoubleRDD
    2. JavaFutureAction
    3. JavaHadoopRDD
    4. JavaNewHadoopRDD
    5. JavaPairRDD
    6. JavaRDD
    7. JavaRDDLike
    8. JavaSparkContext
    9. JavaSparkStatusTracker
    10. Optional
    11. StorageLevels
  1. focushideorg.apache.spark.api.java.function
    1. CoGroupFunction
    2. DoubleFlatMapFunction
    3. DoubleFunction
    4. FilterFunction
    5. FlatMapFunction
    6. FlatMapFunction2
    7. FlatMapGroupsFunction
    8. FlatMapGroupsWithStateFunction
    9. ForeachFunction
    10. ForeachPartitionFunction
    11. Function
    12. Function0
    13. Function2
    14. Function3
    15. Function4
    16. MapFunction
    17. MapGroupsFunction
    18. MapGroupsWithStateFunction
    19. MapPartitionsFunction
    20. PairFlatMapFunction
    21. PairFunction
    22. ReduceFunction
    23. VoidFunction
    24. VoidFunction2
  1. focushideorg.apache.spark.broadcast
    1. Broadcast
  1. focushideorg.apache.spark.graphx
    1. Edge
    2. EdgeContext
    3. EdgeDirection
    4. EdgeRDD
    5. EdgeTriplet
    6. Graph
    7. GraphLoader
    8. GraphOps
    9. GraphXUtils
    10. PartitionStrategy
    11. Pregel
    12. TripletFields
    13. VertexRDD
  1. focushideorg.apache.spark.graphx.impl
    1. EdgeActiveness
    2. EdgeRDDImpl
    3. GraphImpl
    4. VertexRDDImpl
  1. focushideorg.apache.spark.graphx.lib
    1. ConnectedComponents
    2. LabelPropagation
    3. PageRank
    4. ShortestPaths
    5. StronglyConnectedComponents
    6. SVDPlusPlus
    7. TriangleCount
  1. focushideorg.apache.spark.graphx.util
    1. GraphGenerators
  1. focushideorg.apache.spark.input
    1. PortableDataStream
  1. focushideorg.apache.spark.internal
    1. Logging
  1. focushideorg.apache.spark.internal.io
    1. FileCommitProtocol
    2. HadoopMapRedCommitProtocol
    3. HadoopMapReduceCommitProtocol
    4. HadoopWriteConfigUtil
  1. focushideorg.apache.spark.io
    1. CompressionCodec
    2. LZ4CompressionCodec
    3. LZFCompressionCodec
    4. NioBufferedFileInputStream
    5. ReadAheadInputStream
    6. SnappyCompressionCodec
    7. ZStdCompressionCodec
  1. focushideorg.apache.spark.launcher
    1. AbstractLauncher
    2. InProcessLauncher
    3. SparkAppHandle
    4. SparkLauncher
  1. focushideorg.apache.spark.mapred
    1. SparkHadoopMapRedUtil
  1. focushideorg.apache.spark.metrics.source
    1. CodegenMetrics
    2. HiveCatalogMetrics
  1. focushideorg.apache.spark.ml
    1. Estimator
    2. Model
    3. Pipeline
    4. PipelineModel
    5. PipelineStage
    6. PredictionModel
    7. Predictor
    8. Transformer
    9. UnaryTransformer
  1. focushideorg.apache.spark.ml.attribute
    1. Attribute
    2. AttributeGroup
    3. AttributeType
    4. BinaryAttribute
    5. NominalAttribute
    6. NumericAttribute
    7. UnresolvedAttribute
  1. focushideorg.apache.spark.ml.classification
    1. BinaryLogisticRegressionSummary
    2. BinaryLogisticRegressionTrainingSummary
    3. ClassificationModel
    4. Classifier
    5. DecisionTreeClassificationModel
    6. DecisionTreeClassifier
    7. GBTClassificationModel
    8. GBTClassifier
    9. LinearSVC
    10. LinearSVCModel
    11. LogisticRegression
    12. LogisticRegressionModel
    13. LogisticRegressionSummary
    14. LogisticRegressionTrainingSummary
    15. MultilayerPerceptronClassificationModel
    16. MultilayerPerceptronClassifier
    17. NaiveBayes
    18. NaiveBayesModel
    19. OneVsRest
    20. OneVsRestModel
    21. ProbabilisticClassificationModel
    22. ProbabilisticClassifier
    23. RandomForestClassificationModel
    24. RandomForestClassifier
  1. focushideorg.apache.spark.ml.clustering
    1. BisectingKMeans
    2. BisectingKMeansModel
    3. BisectingKMeansSummary
    4. ClusteringSummary
    5. DistributedLDAModel
    6. GaussianMixture
    7. GaussianMixtureModel
    8. GaussianMixtureSummary
    9. KMeans
    10. KMeansModel
    11. KMeansSummary
    12. LDA
    13. LDAModel
    14. LocalLDAModel
    15. PowerIterationClustering
  1. focushideorg.apache.spark.ml.evaluation
    1. BinaryClassificationEvaluator
    2. ClusteringEvaluator
    3. Evaluator
    4. MulticlassClassificationEvaluator
    5. RegressionEvaluator
  1. focushideorg.apache.spark.ml.feature
    1. Binarizer
    2. BucketedRandomProjectionLSH
    3. BucketedRandomProjectionLSHModel
    4. Bucketizer
    5. ChiSqSelector
    6. ChiSqSelectorModel
    7. CountVectorizer
    8. CountVectorizerModel
    9. DCT
    10. ElementwiseProduct
    11. FeatureHasher
    12. HashingTF
    13. IDF
    14. IDFModel
    15. Imputer
    16. ImputerModel
    17. IndexToString
    18. Interaction
    19. LabeledPoint
    20. MaxAbsScaler
    21. MaxAbsScalerModel
    22. MinHashLSH
    23. MinHashLSHModel
    24. MinMaxScaler
    25. MinMaxScalerModel
    26. NGram
    27. Normalizer
    28. OneHotEncoder
    29. OneHotEncoderEstimator
    30. OneHotEncoderModel
    31. PCA
    32. PCAModel
    33. PolynomialExpansion
    34. QuantileDiscretizer
    35. RegexTokenizer
    36. RFormula
    37. RFormulaModel
    38. SQLTransformer
    39. StandardScaler
    40. StandardScalerModel
    41. StopWordsRemover
    42. StringIndexer
    43. StringIndexerModel
    44. Tokenizer
    45. VectorAssembler
    46. VectorIndexer
    47. VectorIndexerModel
    48. VectorSizeHint
    49. VectorSlicer
    50. Word2Vec
    51. Word2VecModel
  1. focushideorg.apache.spark.ml.fpm
    1. FPGrowth
    2. FPGrowthModel
    3. PrefixSpan
  1. focushideorg.apache.spark.ml.image
    1. ImageSchema
  1. focushideorg.apache.spark.ml.linalg
    1. DenseMatrix
    2. DenseVector
    3. Matrices
    4. Matrix
    5. SparseMatrix
    6. SparseVector
    7. SQLDataTypes
    8. Vector
    9. Vectors
  1. focushideorg.apache.spark.ml.param
    1. BooleanParam
    2. DoubleArrayArrayParam
    3. DoubleArrayParam
    4. DoubleParam
    5. FloatParam
    6. IntArrayParam
    7. IntParam
    8. JavaParams
    9. LongParam
    10. Param
    11. ParamMap
    12. ParamPair
    13. Params
    14. ParamValidators
    15. StringArrayParam
  1. focushideorg.apache.spark.ml.param.shared
    1. HasAggregationDepth
    2. HasCheckpointInterval
    3. HasCollectSubModels
    4. HasDistanceMeasure
    5. HasElasticNetParam
    6. HasFeaturesCol
    7. HasFitIntercept
    8. HasHandleInvalid
    9. HasInputCol
    10. HasInputCols
    11. HasLabelCol
    12. HasLoss
    13. HasMaxIter
    14. HasOutputCol
    15. HasOutputCols
    16. HasPredictionCol
    17. HasProbabilityCol
    18. HasRawPredictionCol
    19. HasRegParam
    20. HasSeed
    21. HasSolver
    22. HasStandardization
    23. HasStepSize
    24. HasThreshold
    25. HasThresholds
    26. HasTol
    27. HasValidationIndicatorCol
    28. HasVarianceCol
    29. HasWeightCol
  1. focushideorg.apache.spark.ml.recommendation
    1. ALS
    2. ALSModel
  1. focushideorg.apache.spark.ml.regression
    1. AFTSurvivalRegression
    2. AFTSurvivalRegressionModel
    3. DecisionTreeRegressionModel
    4. DecisionTreeRegressor
    5. GBTRegressionModel
    6. GBTRegressor
    7. GeneralizedLinearRegression
    8. GeneralizedLinearRegressionModel
    9. GeneralizedLinearRegressionSummary
    10. GeneralizedLinearRegressionTrainingSummary
    11. IsotonicRegression
    12. IsotonicRegressionModel
    13. LinearRegression
    14. LinearRegressionModel
    15. LinearRegressionSummary
    16. LinearRegressionTrainingSummary
    17. RandomForestRegressionModel
    18. RandomForestRegressor
    19. RegressionModel
  1. focushideorg.apache.spark.ml.source.image
    1. ImageDataSource
  1. focushideorg.apache.spark.ml.source.libsvm
    1. LibSVMDataSource
  1. focushideorg.apache.spark.ml.stat
    1. ChiSquareTest
    2. Correlation
    3. KolmogorovSmirnovTest
    4. Summarizer
    5. SummaryBuilder
  1. focushideorg.apache.spark.ml.stat.distribution
    1. MultivariateGaussian
  1. focushideorg.apache.spark.ml.tree
    1. CategoricalSplit
    2. ContinuousSplit
    3. InternalNode
    4. LeafNode
    5. Node
    6. Split
  1. focushideorg.apache.spark.ml.tuning
    1. CrossValidator
    2. CrossValidatorModel
    3. ParamGridBuilder
    4. TrainValidationSplit
    5. TrainValidationSplitModel
  1. focushideorg.apache.spark.ml.util
    1. DefaultParamsReadable
    2. DefaultParamsWritable
    3. GeneralMLWritable
    4. GeneralMLWriter
    5. Identifiable
    6. MLFormatRegister
    7. MLReadable
    8. MLReader
    9. MLWritable
    10. MLWriter
    11. MLWriterFormat
  1. focushideorg.apache.spark.mllib
    1. JavaPackage
  1. focushideorg.apache.spark.mllib.classification
    1. ClassificationModel
    2. LogisticRegressionModel
    3. LogisticRegressionWithLBFGS
    4. LogisticRegressionWithSGD
    5. NaiveBayes
    6. NaiveBayesModel
    7. StreamingLogisticRegressionWithSGD
    8. SVMModel
    9. SVMWithSGD
  1. focushideorg.apache.spark.mllib.clustering
    1. BisectingKMeans
    2. BisectingKMeansModel
    3. DistanceMeasure
    4. DistributedLDAModel
    5. EMLDAOptimizer
    6. GaussianMixture
    7. GaussianMixtureModel
    8. KMeans
    9. KMeansModel
    10. LDA
    11. LDAModel
    12. LDAOptimizer
    13. LocalLDAModel
    14. OnlineLDAOptimizer
    15. PowerIterationClustering
    16. PowerIterationClusteringModel
    17. StreamingKMeans
    18. StreamingKMeansModel
  1. focushideorg.apache.spark.mllib.evaluation
    1. BinaryClassificationMetrics
    2. MulticlassMetrics
    3. MultilabelMetrics
    4. RankingMetrics
    5. RegressionMetrics
  1. focushideorg.apache.spark.mllib.feature
    1. ChiSqSelector
    2. ChiSqSelectorModel
    3. ElementwiseProduct
    4. HashingTF
    5. IDF
    6. IDFModel
    7. Normalizer
    8. PCA
    9. PCAModel
    10. StandardScaler
    11. StandardScalerModel
    12. VectorTransformer
    13. Word2Vec
    14. Word2VecModel
  1. focushideorg.apache.spark.mllib.fpm
    1. AssociationRules
    2. FPGrowth
    3. FPGrowthModel
    4. PrefixSpan
    5. PrefixSpanModel
  1. focushideorg.apache.spark.mllib.linalg
    1. DenseMatrix
    2. DenseVector
    3. Matrices
    4. Matrix
    5. QRDecomposition
    6. SingularValueDecomposition
    7. SparseMatrix
    8. SparseVector
    9. Vector
    10. Vectors
    11. VectorUDT
  1. focushideorg.apache.spark.mllib.linalg.distributed
    1. BlockMatrix
    2. CoordinateMatrix
    3. DistributedMatrix
    4. IndexedRow
    5. IndexedRowMatrix
    6. MatrixEntry
    7. RowMatrix
  1. focushideorg.apache.spark.mllib.optimization
    1. Gradient
    2. GradientDescent
    3. HingeGradient
    4. L1Updater
    5. LBFGS
    6. LeastSquaresGradient
    7. LogisticGradient
    8. Optimizer
    9. SimpleUpdater
    10. SquaredL2Updater
    11. Updater
  1. focushideorg.apache.spark.mllib.pmml
    1. PMMLExportable
  1. focushideorg.apache.spark.mllib.random
    1. ExponentialGenerator
    2. GammaGenerator
    3. LogNormalGenerator
    4. PoissonGenerator
    5. RandomDataGenerator
    6. RandomRDDs
    7. StandardNormalGenerator
    8. UniformGenerator
    9. WeibullGenerator
  1. focushideorg.apache.spark.mllib.rdd
    1. MLPairRDDFunctions
    2. RDDFunctions
  1. focushideorg.apache.spark.mllib.recommendation
    1. ALS
    2. MatrixFactorizationModel
    3. Rating
  1. focushideorg.apache.spark.mllib.regression
    1. GeneralizedLinearAlgorithm
    2. GeneralizedLinearModel
    3. IsotonicRegression
    4. IsotonicRegressionModel
    5. LabeledPoint
    6. LassoModel
    7. LassoWithSGD
    8. LinearRegressionModel
    9. LinearRegressionWithSGD
    10. RegressionModel
    11. RidgeRegressionModel
    12. RidgeRegressionWithSGD
    13. StreamingLinearAlgorithm
    14. StreamingLinearRegressionWithSGD
  1. focushideorg.apache.spark.mllib.stat
    1. KernelDensity
    2. MultivariateOnlineSummarizer
    3. MultivariateStatisticalSummary
    4. Statistics
  1. focushideorg.apache.spark.mllib.stat.distribution
    1. MultivariateGaussian
  1. focushideorg.apache.spark.mllib.stat.test
    1. BinarySample
    2. ChiSqTestResult
    3. KolmogorovSmirnovTestResult
    4. StreamingTest
    5. TestResult
  1. focushideorg.apache.spark.mllib.tree
    1. DecisionTree
    2. GradientBoostedTrees
    3. RandomForest
  1. focushideorg.apache.spark.mllib.tree.configuration
    1. Algo
    2. BoostingStrategy
    3. FeatureType
    4. QuantileStrategy
    5. Strategy
  1. focushideorg.apache.spark.mllib.tree.impurity
    1. Entropy
    2. Gini
    3. Impurity
    4. Variance
  1. focushideorg.apache.spark.mllib.tree.loss
    1. AbsoluteError
    2. LogLoss
    3. Loss
    4. Losses
    5. SquaredError
  1. focushideorg.apache.spark.mllib.tree.model
    1. DecisionTreeModel
    2. GradientBoostedTreesModel
    3. InformationGainStats
    4. Node
    5. Predict
    6. RandomForestModel
    7. Split