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. JavaSparkListener
    15. JobExecutionStatus
    16. Logging
    17. NarrowDependency
    18. OneToOneDependency
    19. Partition
    20. Partitioner
    21. RangeDependency
    22. RangePartitioner
    23. Resubmitted
    24. SerializableWritable
    25. ShuffleDependency
    26. SimpleFutureAction
    27. SparkConf
    28. SparkContext
    29. SparkEnv
    30. SparkException
    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.annotation
    1. AlphaComponent
    2. DeveloperApi
    3. Experimental
  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. Function2
    7. Function3
    8. PairFlatMapFunction
    9. PairFunction
    10. 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
  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.mapred
    1. SparkHadoopMapRedUtil
  1. focushideorg.apache.spark.ml
    1. Estimator
    2. Evaluator
    3. Model
    4. Pipeline
    5. PipelineModel
    6. PipelineStage
    7. Transformer
  1. focushideorg.apache.spark.ml.classification
    1. LogisticRegression
    2. LogisticRegressionModel
  1. focushideorg.apache.spark.ml.evaluation
    1. BinaryClassificationEvaluator
  1. focushideorg.apache.spark.ml.feature
    1. HashingTF
    2. StandardScaler
    3. StandardScalerModel
    4. Tokenizer
  1. focushideorg.apache.spark.ml.param
    1. BooleanParam
    2. DoubleParam
    3. FloatParam
    4. IntParam
    5. LongParam
    6. Param
    7. ParamMap
    8. ParamPair
    9. Params
  1. focushideorg.apache.spark.ml.recommendation
    1. ALS
    2. ALSModel
  1. focushideorg.apache.spark.ml.regression
    1. LinearRegression
    2. LinearRegressionModel
  1. focushideorg.apache.spark.ml.tuning
    1. CrossValidator
    2. CrossValidatorModel
    3. ParamGridBuilder
  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. GaussianMixture
    3. GaussianMixtureModel
    4. KMeans
    5. KMeansModel
    6. LDA
    7. LDAModel
    8. LocalLDAModel
    9. PowerIterationClustering
    10. PowerIterationClusteringModel
    11. StreamingKMeans
    12. 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. HashingTF
    4. IDF
    5. IDFModel
    6. Normalizer
    7. StandardScaler
    8. StandardScalerModel
    9. VectorTransformer
    10. Word2Vec
    11. Word2VecModel
  1. focushideorg.apache.spark.mllib.fpm
    1. FPGrowth
    2. FPGrowthModel
  1. focushideorg.apache.spark.mllib.linalg
    1. DenseMatrix
    2. DenseVector
    3. Matrices
    4. Matrix
    5. SingularValueDecomposition
    6. SparseMatrix
    7. SparseVector
    8. Vector
    9. Vectors
  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.random
    1. ExponentialGenerator
    2. GammaGenerator
    3. LogNormalGenerator
    4. PoissonGenerator
    5. RandomDataGenerator
    6. RandomRDDs
    7. StandardNormalGenerator
    8. UniformGenerator
  1. focushideorg.apache.spark.mllib.rdd
    1. 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. MultivariateOnlineSummarizer
    2. MultivariateStatisticalSummary
    3. Statistics
  1. focushideorg.apache.spark.mllib.stat.distribution
    1. MultivariateGaussian
  1. focushideorg.apache.spark.mllib.stat.test
    1. ChiSqTestResult
    2. 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. 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.serializer
    1. DeserializationStream
    2. JavaSerializer
    3. KryoRegistrator
    4. KryoSerializer
    5. SerializationStream
    6. Serializer
    7. SerializerInstance
  1. focushideorg.apache.spark.sql
    1. AnalysisException
    2. Column
    3. ColumnName
    4. DataFrame
    5. DataFrameNaFunctions
    6. ExperimentalMethods
    7. functions
    8. GroupedData
    9. Row
    10. RowFactory
    11. SaveMode
    12. SQLContext
    13. UDFRegistration
    14. 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.hive
    1. HiveContext
  1. focushideorg.apache.spark.sql.sources
    1. And
    2. BaseRelation
    3. CaseInsensitiveMap
    4. CatalystScan
    5. CreatableRelationProvider
    6. DDLException
    7. EqualTo
    8. Filter
    9. GreaterThan
    10. GreaterThanOrEqual
    11. In
    12. InsertableRelation
    13. IsNotNull
    14. IsNull
    15. LessThan
    16. LessThanOrEqual
    17. Not
    18. Or
    19. PrunedFilteredScan
    20. PrunedScan
    21. RelationProvider
    22. SchemaRelationProvider
    23. StringContains
    24. StringEndsWith
    25. StringStartsWith
    26. TableScan
  1. focushideorg.apache.spark.sql.test
    1. TestSQLContext
  1. focushideorg.apache.spark.sql.types
    1. ArrayType
    2. BinaryType
    3. BooleanType
    4. ByteType
    5. DataType
    6. DataTypes
    7. DateType
    8. DateUtils
    9. Decimal
    10. DecimalType
    11. DoubleType
    12. FloatType
    13. FractionalType
    14. IntegerType
    15. IntegralType
    16. LongType
    17. MapType
    18. Metadata
    19. MetadataBuilder
    20. NativeType
    21. NullType
    22. NumericType
    23. PrecisionInfo
    24. PrimitiveType
    25. ShortType
    26. SQLUserDefinedType
    27. StringType
    28. StructField
    29. StructType
    30. TimestampType
    31. UserDefinedType
  1. focushideorg.apache.spark.storage
    1. BlockId
    2. BlockManagerId
    3. BlockNotFoundException
    4. BlockStatus
    5. BroadcastBlockId
    6. RDDBlockId
    7. RDDInfo
    8. ShuffleBlockId
    9. ShuffleDataBlockId
    10. ShuffleIndexBlockId
    11. StorageLevel
    12. StorageStatus
    13. StorageStatusListener
    14. StreamBlockId
    15. TaskResultBlockId
  1. focushideorg.apache.spark.streaming
    1. Duration
    2. Durations
    3. Milliseconds
    4. Minutes
    5. Seconds
    6. StreamingContext
    7. 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. ReceiverInfo
    3. StatsReportListener
    4. StreamingListener
    5. StreamingListenerBatchCompleted
    6. StreamingListenerBatchStarted
    7. StreamingListenerBatchSubmitted
    8. StreamingListenerEvent
    9. StreamingListenerReceiverError
    10. StreamingListenerReceiverStarted
    11. StreamingListenerReceiverStopped
  1. focushideorg.apache.spark.streaming.twitter
    1. TwitterUtils
  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. MutablePair
    2. StatCounter
    3. TaskCompletionListener
    4. Vector
  1. focushideorg.apache.spark.util.random
    1. BernoulliCellSampler
    2. BernoulliSampler
    3. PoissonSampler
    4. Pseudorandom
    5. RandomSampler