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. HeartbeatReceiver
    14. InterruptibleIterator
    15. JavaSparkListener
    16. JobExecutionStatus
    17. Logging
    18. NarrowDependency
    19. OneToOneDependency
    20. Partition
    21. Partitioner
    22. RangeDependency
    23. RangePartitioner
    24. Resubmitted
    25. SerializableWritable
    26. ShuffleDependency
    27. SimpleFutureAction
    28. SparkConf
    29. SparkContext
    30. SparkEnv
    31. SparkException
    32. SparkFiles
    33. SparkFirehoseListener
    34. SparkJobInfo
    35. SparkStageInfo
    36. SparkStatusTracker
    37. Success
    38. TaskCommitDenied
    39. TaskContext
    40. TaskEndReason
    41. TaskFailedReason
    42. TaskKilled
    43. TaskKilledException
    44. TaskResultLost
    45. UnknownReason
    46. WritableConverter
    47. WritableFactory
  1. focushideorg.apache.spark.annotation
    1. AlphaComponent
    2. DeveloperApi
    3. Experimental
    4. Private
  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. StorageLevels
  1. focushideorg.apache.spark.api.java.function
    1. DoubleFlatMapFunction
    2. DoubleFunction
    3. FlatMapFunction
    4. FlatMapFunction2
    5. Function
    6. Function0
    7. Function2
    8. Function3
    9. PairFlatMapFunction
    10. PairFunction
    11. VoidFunction
  1. focushideorg.apache.spark.bagel
    1. Aggregator
    2. Bagel
    3. Combiner
    4. DefaultCombiner
    5. Message
    6. Vertex
  1. focushideorg.apache.spark.broadcast
    1. Broadcast
    2. BroadcastFactory
    3. HttpBroadcastFactory
    4. TorrentBroadcastFactory
  1. focushideorg.apache.spark.examples.streaming
    1. JavaKinesisWordCountASL
    2. KinesisWordCountASL
    3. KinesisWordProducerASL
  1. focushideorg.apache.spark.graphx
    1. Edge
    2. EdgeContext
    3. EdgeDirection
    4. EdgeRDD
    5. EdgeTriplet
    6. Graph
    7. GraphKryoRegistrator
    8. GraphLoader
    9. GraphOps
    10. GraphXUtils
    11. PartitionStrategy
    12. Pregel
    13. TripletFields
    14. 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.io
    1. CompressionCodec
    2. LZ4CompressionCodec
    3. LZFCompressionCodec
    4. SnappyCompressionCodec
  1. focushideorg.apache.spark.launcher
    1. SparkLauncher
  1. focushideorg.apache.spark.mapred
    1. SparkHadoopMapRedUtil
  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. KMeans
    2. KMeansModel
  1. focushideorg.apache.spark.ml.evaluation
    1. BinaryClassificationEvaluator
    2. Evaluator
    3. MulticlassClassificationEvaluator
    4. RegressionEvaluator
  1. focushideorg.apache.spark.ml.feature
    1. Binarizer
    2. Bucketizer
    3. CountVectorizer
    4. CountVectorizerModel
    5. DCT
    6. ElementwiseProduct
    7. HashingTF
    8. IDF
    9. IDFModel
    10. IndexToString
    11. MinMaxScaler
    12. MinMaxScalerModel
    13. NGram
    14. Normalizer
    15. OneHotEncoder
    16. PCA
    17. PCAModel
    18. PolynomialExpansion
    19. RegexTokenizer
    20. RFormula
    21. RFormulaModel
    22. StandardScaler
    23. StandardScalerModel
    24. StopWordsRemover
    25. StringIndexer
    26. StringIndexerModel
    27. Tokenizer
    28. VectorAssembler
    29. VectorIndexer
    30. VectorIndexerModel
    31. VectorSlicer
    32. Word2Vec
    33. Word2VecModel
  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. DecisionTreeRegressionModel
    2. DecisionTreeRegressor
    3. GBTRegressionModel
    4. GBTRegressor
    5. IsotonicRegression
    6. IsotonicRegressionModel
    7. LinearRegression
    8. LinearRegressionModel
    9. LinearRegressionSummary
    10. LinearRegressionTrainingSummary
    11. RandomForestRegressionModel
    12. RandomForestRegressor
    13. RegressionModel
  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. Identifiable
  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. DistributedLDAModel
    2. EMLDAOptimizer
    3. GaussianMixture
    4. GaussianMixtureModel
    5. KMeans
    6. KMeansModel
    7. LDA
    8. LDAModel
    9. LDAOptimizer
    10. LocalLDAModel
    11. OnlineLDAOptimizer
    12. PowerIterationClustering
    13. PowerIterationClusteringModel
    14. StreamingKMeans
    15. 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
  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. ChiSqTestResult
    2. KolmogorovSmirnovTestResult
    3. 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. PartitionPruningRDD
    10. RDD
    11. SequenceFileRDDFunctions
    12. ShuffledRDD
    13. UnionRDD
  1. focushideorg.apache.spark.scheduler
    1. AccumulableInfo
    2. InputFormatInfo
    3. JobLogger
    4. JobResult
    5. JobSucceeded
    6. SchedulingMode
    7. SparkListener
    8. SparkListenerApplicationEnd
    9. SparkListenerApplicationStart
    10. SparkListenerBlockManagerAdded
    11. SparkListenerBlockManagerRemoved
    12. SparkListenerBlockUpdated
    13. SparkListenerEnvironmentUpdate
    14. SparkListenerEvent
    15. SparkListenerExecutorAdded
    16. SparkListenerExecutorMetricsUpdate
    17. SparkListenerExecutorRemoved
    18. SparkListenerJobEnd
    19. SparkListenerJobStart
    20. SparkListenerStageCompleted
    21. SparkListenerStageSubmitted
    22. SparkListenerTaskEnd
    23. SparkListenerTaskGettingResult
    24. SparkListenerTaskStart
    25. SparkListenerUnpersistRDD
    26. SplitInfo
    27. StageInfo
    28. StatsReportListener
    29. TaskInfo
    30. TaskLocality
  1. focushideorg.apache.spark.scheduler.cluster
    1. ExecutorInfo
  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. DataFrame
    5. DataFrameNaFunctions
    6. DataFrameReader
    7. DataFrameStatFunctions
    8. DataFrameWriter
    9. ExperimentalMethods
    10. functions
    11. GroupedData
    12. Row
    13. RowFactory
    14. SaveMode
    15. SQLContext
    16. UDFRegistration
    17. UserDefinedFunction
  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.expressions
    1. MutableAggregationBuffer
    2. UserDefinedAggregateFunction
    3. Window
    4. WindowSpec
  1. focushideorg.apache.spark.sql.hive
    1. HiveContext
  1. focushideorg.apache.spark.sql.jdbc
    1. AggregatedDialect
    2. JdbcDialect
    3. JdbcDialects
    4. JdbcType
    5. MySQLDialect
    6. NoopDialect
    7. PostgresDialect
  1. focushideorg.apache.spark.sql.sources
    1. And
    2. BaseRelation
    3. CatalystScan
    4. CreatableRelationProvider
    5. DataSourceRegister
    6. EqualNullSafe
    7. EqualTo
    8. Filter
    9. GreaterThan
    10. GreaterThanOrEqual
    11. HadoopFsRelation
    12. HadoopFsRelationProvider
    13. In
    14. InsertableRelation
    15. IsNotNull
    16. IsNull
    17. LessThan
    18. LessThanOrEqual
    19. Not
    20. Or
    21. OutputWriter
    22. OutputWriterFactory
    23. PrunedFilteredScan
    24. PrunedScan
    25. RelationProvider
    26. SchemaRelationProvider
    27. StringContains
    28. StringEndsWith
    29. StringStartsWith
    30. TableScan
  1. focushideorg.apache.spark.sql.types
    1. AnyDataType
    2. ArrayBasedMapData
    3. ArrayData
    4. ArrayType
    5. AtomicType
    6. BinaryType
    7. BooleanType
    8. ByteType
    9. CalendarIntervalType
    10. DataType
    11. DataTypes
    12. DateType
    13. Decimal
    14. DecimalType
    15. DoubleType
    16. FloatType
    17. GenericArrayData
    18. IntegerType
    19. LongType
    20. MapData
    21. MapType
    22. Metadata
    23. MetadataBuilder
    24. NullType
    25. NumericType
    26. PrecisionInfo
    27. ShortType
    28. SQLUserDefinedType
    29. StringType
    30. StructField
    31. StructType
    32. TimestampType
    33. UserDefinedType
  1. focushideorg.apache.spark.status.api.v1
    1. AccumulableInfo
    2. ApplicationAttemptInfo
    3. ApplicationInfo
    4. ApplicationStatus
    5. ExecutorStageSummary
    6. ExecutorSummary
    7. InputMetricDistributions
    8. InputMetrics
    9. JobData
    10. OneStageResource
    11. OutputMetricDistributions
    12. OutputMetrics
    13. RDDDataDistribution
    14. RDDPartitionInfo
    15. RDDStorageInfo
    16. ShuffleReadMetricDistributions
    17. ShuffleReadMetrics
    18. ShuffleWriteMetricDistributions
    19. ShuffleWriteMetrics
    20. StageData
    21. StageStatus
    22. TaskData
    23. TaskMetricDistributions
    24. TaskMetrics
    25. TaskSorting
  1. focushideorg.apache.spark.storage
    1. BlockId
    2. BlockManagerId
    3. BlockNotFoundException
    4. BlockStatus
    5. BlockUpdatedInfo
    6. BroadcastBlockId
    7. RDDBlockId
    8. RDDInfo
    9. ShuffleBlockId
    10. ShuffleDataBlockId
    11. ShuffleIndexBlockId
    12. StorageLevel
    13. StorageStatus
    14. StorageStatusListener
    15. StreamBlockId
    16. TaskResultBlockId
    17. TimeTrackingOutputStream
  1. focushideorg.apache.spark.streaming
    1. Duration
    2. Durations
    3. Milliseconds
    4. Minutes
    5. Seconds
    6. StreamingContext
    7. StreamingContextState
    8. Time
  1. focushideorg.apache.spark.streaming.api.java
    1. JavaDStream
    2. JavaDStreamLike
    3. JavaInputDStream
    4. JavaPairDStream
    5. JavaPairInputDStream
    6. JavaPairReceiverInputDStream
    7. JavaReceiverInputDStream
    8. JavaStreamingContext
    9. JavaStreamingContextFactory
  1. focushideorg.apache.spark.streaming.dstream
    1. ConstantInputDStream
    2. DStream
    3. InputDStream
    4. PairDStreamFunctions
    5. ReceiverInputDStream
  1. focushideorg.apache.spark.streaming.flume
    1. FlumeUtils
    2. SparkFlumeEvent
  1. focushideorg.apache.spark.streaming.kafka
    1. Broker
    2. HasOffsetRanges
    3. KafkaUtils
    4. OffsetRange
  1. focushideorg.apache.spark.streaming.kinesis
    1. KinesisUtils
  1. focushideorg.apache.spark.streaming.mqtt
    1. MQTTUtils
  1. focushideorg.apache.spark.streaming.receiver
    1. ActorHelper
    2. ActorSupervisorStrategy
    3. Receiver
    4. Statistics
  1. focushideorg.apache.spark.streaming.scheduler
    1. BatchInfo
    2. RateController
    3. ReceiverInfo
    4. StatsReportListener
    5. StreamingListener
    6. StreamingListenerBatchCompleted
    7. StreamingListenerBatchStarted
    8. StreamingListenerBatchSubmitted
    9. StreamingListenerEvent
    10. StreamingListenerReceiverError
    11. StreamingListenerReceiverStarted
    12. StreamingListenerReceiverStopped
    13. StreamInputInfo
  1. focushideorg.apache.spark.streaming.scheduler.rate
    1. RateEstimator
  1. focushideorg.apache.spark.streaming.twitter
    1. TwitterUtils
  1. focushideorg.apache.spark.streaming.util
    1. WriteAheadLog
    2. WriteAheadLogRecordHandle
  1. focushideorg.apache.spark.streaming.zeromq
    1. ZeroMQUtils
  1. focushideorg.apache.spark.ui.env
    1. EnvironmentListener
  1. focushideorg.apache.spark.ui.exec
    1. ExecutorsListener
  1. focushideorg.apache.spark.ui.jobs
    1. JobProgressListener
  1. focushideorg.apache.spark.ui.storage
    1. StorageListener
  1. focushideorg.apache.spark.util
    1. EnumUtil
    2. MutablePair
    3. RpcUtils
    4. SizeEstimator
    5. StatCounter
    6. TaskCompletionListener
    7. Vector
  1. focushideorg.apache.spark.util.random
    1. BernoulliCellSampler
    2. BernoulliSampler
    3. PoissonSampler
    4. Pseudorandom
    5. RandomSampler