class icon trait icon trait icon trait icon
  1. focushideorg.apache.spark
    1. Accumulable
    2. AccumulableParam
    3. Accumulator
    4. AccumulatorParam
    5. Aggregator
    6. ComplexFutureAction
    7. Dependency
    8. ExceptionFailure
    9. ExecutorLostFailure
    10. FetchFailed
    11. FutureAction
    12. HashPartitioner
    13. InterruptibleIterator
    14. JobExecutionStatus
    15. JobSubmitter
    16. NarrowDependency
    17. OneToOneDependency
    18. Partition
    19. Partitioner
    20. RangeDependency
    21. RangePartitioner
    22. Resubmitted
    23. SerializableWritable
    24. ShuffleDependency
    25. SimpleFutureAction
    26. SparkConf
    27. SparkContext
    28. SparkEnv
    29. SparkException
    30. SparkExecutorInfo
    31. SparkFiles
    32. SparkFirehoseListener
    33. SparkJobInfo
    34. SparkStageInfo
    35. SparkStatusTracker
    36. Success
    37. TaskCommitDenied
    38. TaskContext
    39. TaskEndReason
    40. TaskFailedReason
    41. TaskKilled
    42. TaskKilledException
    43. TaskResultLost
    44. UnknownReason
    45. WritableConverter
    46. 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. ForeachFunction
    9. ForeachPartitionFunction
    10. Function
    11. Function0
    12. Function2
    13. Function3
    14. Function4
    15. MapFunction
    16. MapGroupsFunction
    17. MapPartitionsFunction
    18. PairFlatMapFunction
    19. PairFunction
    20. ReduceFunction
    21. VoidFunction
    22. 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.io
    1. FileCommitProtocol
    2. HadoopMapReduceCommitProtocol
  1. focushideorg.apache.spark.io
    1. CompressionCodec
    2. LZ4BlockInputStream
    3. LZ4CompressionCodec
    4. LZFCompressionCodec
    5. NioBufferedFileInputStream
    6. SnappyCompressionCodec
  1. focushideorg.apache.spark.launcher
    1. SparkAppHandle
    2. 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. LogisticRegression
    10. LogisticRegressionModel
    11. LogisticRegressionSummary
    12. LogisticRegressionTrainingSummary
    13. MultilayerPerceptronClassificationModel
    14. MultilayerPerceptronClassifier
    15. NaiveBayes
    16. NaiveBayesModel
    17. OneVsRest
    18. OneVsRestModel
    19. ProbabilisticClassificationModel
    20. ProbabilisticClassifier
    21. RandomForestClassificationModel
    22. 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
  1. focushideorg.apache.spark.ml.evaluation
    1. BinaryClassificationEvaluator
    2. Evaluator
    3. MulticlassClassificationEvaluator
    4. 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. HashingTF
    12. IDF
    13. IDFModel
    14. IndexToString
    15. Interaction
    16. LabeledPoint
    17. MaxAbsScaler
    18. MaxAbsScalerModel
    19. MinHashLSH
    20. MinHashLSHModel
    21. MinMaxScaler
    22. MinMaxScalerModel
    23. NGram
    24. Normalizer
    25. OneHotEncoder
    26. PCA
    27. PCAModel
    28. PolynomialExpansion
    29. QuantileDiscretizer
    30. RegexTokenizer
    31. RFormula
    32. RFormulaModel
    33. SQLTransformer
    34. StandardScaler
    35. StandardScalerModel
    36. StopWordsRemover
    37. StringIndexer
    38. StringIndexerModel
    39. Tokenizer
    40. VectorAssembler
    41. VectorIndexer
    42. VectorIndexerModel
    43. VectorSlicer
    44. Word2Vec
    45. Word2VecModel
  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. DoubleArrayParam
    3. DoubleParam
    4. FloatParam
    5. IntArrayParam
    6. IntParam
    7. JavaParams
    8. LongParam
    9. Param
    10. ParamMap
    11. ParamPair
    12. Params
    13. ParamValidators
    14. StringArrayParam
  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.libsvm
    1. LibSVMDataSource
  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. Identifiable
    4. MLReadable
    5. MLReader
    6. MLWritable
    7. MLWriter
  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. DistributedLDAModel
    4. EMLDAOptimizer
    5. GaussianMixture
    6. GaussianMixtureModel
    7. KMeans
    8. KMeansModel
    9. LDA
    10. LDAModel
    11. LDAOptimizer
    12. LocalLDAModel
    13. OnlineLDAOptimizer
    14. PowerIterationClustering
    15. PowerIterationClusteringModel
    16. StreamingKMeans
    17. 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
  1. focushideorg.apache.spark.mllib.util
    1. DataValidators
    2. KMeansDataGenerator
    3. LinearDataGenerator
    4. Loader
    5. LogisticRegressionDataGenerator
    6. MFDataGenerator
    7. MLUtils
    8. Saveable
    9. SVMDataGenerator
  1. focushideorg.apache.spark.partial
    1. BoundedDouble
    2. PartialResult
  1. focushideorg.apache.spark.rdd
    1. AsyncRDDActions
    2. CoGroupedRDD
    3. DoubleRDDFunctions
    4. HadoopRDD
    5. JdbcRDD
    6. NewHadoopRDD
    7. OrderedRDDFunctions
    8. PairRDDFunctions
    9. PartitionCoalescer
    10. PartitionGroup
    11. PartitionPruningRDD
    12. RDD
    13. SequenceFileRDDFunctions
    14. ShuffledRDD
    15. UnionRDD
  1. focushideorg.apache.spark.scheduler
    1. AccumulableInfo
    2. InputFormatInfo
    3. JobResult
    4. JobSucceeded
    5. SchedulingMode
    6. SparkListener
    7. SparkListenerApplicationEnd
    8. SparkListenerApplicationStart
    9. SparkListenerBlockManagerAdded
    10. SparkListenerBlockManagerRemoved
    11. SparkListenerBlockUpdated
    12. SparkListenerEnvironmentUpdate
    13. SparkListenerEvent
    14. SparkListenerExecutorAdded
    15. SparkListenerExecutorMetricsUpdate
    16. SparkListenerExecutorRemoved
    17. SparkListenerJobEnd
    18. SparkListenerJobStart
    19. SparkListenerStageCompleted
    20. SparkListenerStageSubmitted
    21. SparkListenerTaskEnd
    22. SparkListenerTaskGettingResult
    23. SparkListenerTaskStart
    24. SparkListenerUnpersistRDD
    25. SplitInfo
    26. StageInfo
    27. StatsReportListener
    28. TaskInfo
    29. TaskLocality
  1. focushideorg.apache.spark.scheduler.cluster
    1. ExecutorInfo
  1. focushideorg.apache.spark.security
    1. GroupMappingServiceProvider
  1. focushideorg.apache.spark.serializer
    1. DeserializationStream
    2. DummySerializerInstance
    3. JavaSerializer
    4. KryoRegistrator
    5. KryoSerializer
    6. SerializationStream
    7. Serializer
    8. SerializerInstance
  1. focushideorg.apache.spark.sql
    1. AnalysisException
    2. Column
    3. ColumnName
    4. DataFrameNaFunctions
    5. DataFrameReader
    6. DataFrameStatFunctions
    7. DataFrameWriter
    8. Dataset
    9. DatasetHolder
    10. Encoder
    11. Encoders
    12. ExperimentalMethods
    13. ForeachWriter
    14. functions
    15. KeyValueGroupedDataset
    16. RelationalGroupedDataset
    17. Row
    18. RowFactory
    19. RuntimeConfig
    20. SaveMode
    21. SparkSession
    22. SQLContext
    23. SQLImplicits
    24. TypedColumn
    25. UDFRegistration
  1. focushideorg.apache.spark.sql.api.java
    1. UDF1
    2. UDF10
    3. UDF11
    4. UDF12
    5. UDF13
    6. UDF14
    7. UDF15
    8. UDF16
    9. UDF17
    10. UDF18
    11. UDF19
    12. UDF2
    13. UDF20
    14. UDF21
    15. UDF22
    16. UDF3
    17. UDF4
    18. UDF5
    19. UDF6
    20. UDF7
    21. UDF8
    22. UDF9
  1. focushideorg.apache.spark.sql.catalog
    1. Catalog
    2. Column
    3. Database
    4. Function
    5. Table
  1. focushideorg.apache.spark.sql.expressions
    1. Aggregator
    2. MutableAggregationBuffer
    3. UserDefinedAggregateFunction
    4. UserDefinedFunction
    5. Window
    6. WindowSpec