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. Dependency
    10. ExceptionFailure
    11. ExecutorLostFailure
    12. ExecutorPlugin
    13. FetchFailed
    14. FutureAction
    15. HashPartitioner
    16. InterruptibleIterator
    17. JobExecutionStatus
    18. JobSubmitter
    19. NarrowDependency
    20. OneToOneDependency
    21. Partition
    22. Partitioner
    23. RangeDependency
    24. RangePartitioner
    25. Resubmitted
    26. SerializableWritable
    27. ShuffleDependency
    28. SimpleFutureAction
    29. SparkConf
    30. SparkContext
    31. SparkEnv
    32. SparkException
    33. SparkExecutorInfo
    34. SparkFiles
    35. SparkFirehoseListener
    36. SparkJobInfo
    37. SparkStageInfo
    38. SparkStatusTracker
    39. Success
    40. TaskCommitDenied
    41. TaskContext
    42. TaskEndReason
    43. TaskFailedReason
    44. TaskKilled
    45. TaskKilledException
    46. TaskResultLost
    47. UnknownReason
    48. WritableConverter
    49. 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
  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. RDDBarrier
    14. SequenceFileRDDFunctions
    15. ShuffledRDD
    16. 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. SparkListenerExecutorBlacklisted
    16. SparkListenerExecutorBlacklistedForStage
    17. SparkListenerExecutorMetricsUpdate
    18. SparkListenerExecutorRemoved
    19. SparkListenerExecutorUnblacklisted
    20. SparkListenerJobEnd
    21. SparkListenerJobStart
    22. SparkListenerLogStart
    23. SparkListenerNodeBlacklisted
    24. SparkListenerNodeBlacklistedForStage
    25. SparkListenerNodeUnblacklisted
    26. SparkListenerSpeculativeTaskSubmitted
    27. SparkListenerStageCompleted
    28. SparkListenerStageSubmitted
    29. SparkListenerTaskEnd
    30. SparkListenerTaskGettingResult
    31. SparkListenerTaskStart
    32. SparkListenerUnpersistRDD
    33. SplitInfo
    34. StageInfo
    35. StatsReportListener
    36. TaskInfo
    37. 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. LowPrioritySQLImplicits
    17. RelationalGroupedDataset
    18. Row
    19. RowFactory
    20. RuntimeConfig
    21. SaveMode
    22. SparkSession
    23. SparkSessionExtensions
    24. SQLContext
    25. SQLImplicits
    26. TypedColumn
    27. UDFRegistration
  1. focushideorg.apache.spark.sql.api.java
    1. UDF0
    2. UDF1
    3. UDF10
    4. UDF11
    5. UDF12
    6. UDF13
    7. UDF14
    8. UDF15
    9. UDF16
    10. UDF17
    11. UDF18
    12. UDF19
    13. UDF2
    14. UDF20
    15. UDF21
    16. UDF22
    17. UDF3
    18. UDF4
    19. UDF5
    20. UDF6
    21. UDF7
    22. UDF8
    23. 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
  1. focushideorg.apache.spark.sql.expressions.javalang
    1. typed
  1. focushideorg.apache.spark.sql.expressions.scalalang
    1. typed
  1. focushideorg.apache.spark.sql.hive
    1. DetermineTableStats
    2. HiveAnalysis
    3. HiveContext
    4. HiveExternalCatalog
    5. HiveSessionResourceLoader
    6. HiveSessionStateBuilder
    7. HiveUDAFBuffer
    8. RelationConversions
    9. ResolveHiveSerdeTable
  1. focushideorg.apache.spark.sql.hive.execution
    1. CreateHiveTableAsSelectCommand
    2. HiveFileFormat
    3. HiveOptions
    4. HiveOutputWriter
    5. HiveScriptIOSchema
    6. InsertIntoHiveDirCommand
    7. InsertIntoHiveTable
    8. ScriptTransformationExec
  1. focushideorg.apache.spark.sql.hive.orc
    1. OrcFileFormat
  1. focushideorg.apache.spark.sql.jdbc
    1. JdbcDialect
    2. JdbcDialects
    3. JdbcType
  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. In
    12. InsertableRelation
    13. IsNotNull
    14. IsNull
    15. LessThan
    16. LessThanOrEqual
    17. Not
    18. Or
    19. PrunedFilteredScan
    20. PrunedScan
    21. RelationProvider
    22. SchemaRelationProvider
    23. StreamSinkProvider
    24. StreamSourceProvider
    25. StringContains
    26. StringEndsWith
    27. StringStartsWith
    28. TableScan
  1. focushideorg.apache.spark.sql.sources.v2
    1. ContinuousReadSupport
    2. DataSourceOptions
    3. DataSourceV2
    4. MicroBatchReadSupport
    5. ReadSupport
    6. SessionConfigSupport
    7. StreamWriteSupport
    8. WriteSupport
  1. focushideorg.apache.spark.sql.sources.v2.reader
    1. ContinuousInputPartition
    2. DataSourceReader
    3. InputPartition
    4. InputPartitionReader
    5. Statistics
    6. SupportsPushDownFilters
    7. SupportsPushDownRequiredColumns
    8. SupportsReportPartitioning
    9. SupportsReportStatistics
    10. SupportsScanColumnarBatch
  1. focushideorg.apache.spark.sql.sources.v2.reader.partitioning
    1. ClusteredDistribution
    2. Distribution
    3. Partitioning
  1. focushideorg.apache.spark.sql.sources.v2.reader.streaming
    1. ContinuousInputPartitionReader
    2. ContinuousReader
    3. MicroBatchReader
    4. Offset
    5. PartitionOffset
  1. focushideorg.apache.spark.sql.sources.v2.writer
    1. DataSourceWriter
    2. DataWriter
    3. DataWriterFactory
    4. WriterCommitMessage
  1. focushideorg.apache.spark.sql.sources.v2.writer.streaming
    1. StreamWriter
  1. focushideorg.apache.spark.sql.streaming
    1. DataStreamReader
    2. DataStreamWriter
    3. GroupState
    4. GroupStateTimeout
    5. OutputMode
    6. ProcessingTime
    7. SinkProgress
    8. SourceProgress
    9. StateOperatorProgress
    10. StreamingQuery
    11. StreamingQueryException
    12. StreamingQueryListener
    13. StreamingQueryManager
    14. StreamingQueryProgress
    15. StreamingQueryStatus
    16. Trigger
  1. focushideorg.apache.spark.sql.types
    1. AnyDataType
    2. ArrayType
    3. AtomicType
    4. BinaryType
    5. BooleanType
    6. ByteType
    7. CalendarIntervalType
    8. CharType
    9. DataType
    10. DataTypes
    11. DateType
    12. Decimal
    13. DecimalType
    14. DoubleType
    15. FloatType
    16. HiveStringType
    17. IntegerType
    18. LongType
    19. MapType
    20. Metadata
    21. MetadataBuilder
    22. NullType
    23. NumericType
    24. ObjectType
    25. ShortType
    26. SQLUserDefinedType
    27. StringType
    28. StructField
    29. StructType
    30. TimestampType
    31. VarcharType
  1. focushideorg.apache.spark.sql.util
    1. ExecutionListenerManager
    2. QueryExecutionListener
  1. focushideorg.apache.spark.sql.vectorized
    1. ArrowColumnVector
    2. ColumnarArray
    3. ColumnarBatch
    4. ColumnarMap
    5. ColumnarRow
    6. ColumnVector
  1. focushideorg.apache.spark.status.api.v1
    1. AccumulableInfo
    2. ApplicationAttemptInfo
    3. ApplicationEnvironmentInfo
    4. ApplicationInfo
    5. ApplicationStatus
    6. ExecutorStageSummary
    7. ExecutorSummary
    8. InputMetricDistributions
    9. InputMetrics
    10. JobData
    11. MemoryMetrics
    12. OutputMetricDistributions
    13. OutputMetrics
    14. RDDDataDistribution
    15. RDDPartitionInfo
    16. RDDStorageInfo
    17. RuntimeInfo
    18. ShuffleReadMetricDistributions
    19. ShuffleReadMetrics
    20. ShuffleWriteMetricDistributions
    21. ShuffleWriteMetrics
    22. StackTrace
    23. StageData
    24. StageStatus
    25. TaskData
    26. TaskMetricDistributions
    27. TaskMetrics
    28. TaskSorting
    29. ThreadStackTrace
    30. VersionInfo
  1. focushideorg.apache.spark.status.api.v1.streaming
    1. BatchInfo
    2. BatchStatus
    3. OutputOperationInfo
    4. ReceiverInfo
    5. StreamingStatistics
  1. focushideorg.apache.spark.storage
    1. BasicBlockReplicationPolicy
    2. BlockId
    3. BlockManagerId
    4. BlockNotFoundException
    5. BlockReplicationPolicy
    6. BlockReplicationUtils
    7. BlockStatus
    8. BlockUpdatedInfo
    9. BroadcastBlockId
    10. DefaultTopologyMapper
    11. FileBasedTopologyMapper
    12. RandomBlockReplicationPolicy
    13. RDDBlockId
    14. RDDInfo
    15. ShuffleBlockId
    16. ShuffleDataBlockId
    17. ShuffleIndexBlockId
    18. StorageLevel
    19. StreamBlockId
    20. TaskResultBlockId
    21. TimeTrackingOutputStream
    22. TopologyMapper
    23. UnrecognizedBlockId
  1. focushideorg.apache.spark.streaming
    1. Duration
    2. Durations
    3. Milliseconds
    4. Minutes
    5. Seconds
    6. State
    7. StateSpec
    8. StreamingContext
    9. StreamingContextState
    10. Time
  1. focushideorg.apache.spark.streaming.api.java
    1. JavaDStream
    2. JavaDStreamLike
    3. JavaInputDStream
    4. JavaMapWithStateDStream
    5. JavaPairDStream
    6. JavaPairInputDStream
    7. JavaPairReceiverInputDStream
    8. JavaReceiverInputDStream
    9. JavaStreamingContext
  1. focushideorg.apache.spark.streaming.dstream
    1. ConstantInputDStream
    2. DStream
    3. InputDStream
    4. MapWithStateDStream
    5. PairDStreamFunctions
    6. ReceiverInputDStream
  1. focushideorg.apache.spark.streaming.kinesis
    1. KinesisInitialPositions
    2. KinesisInputDStream
    3. KinesisUtils
    4. SparkAWSCredentials
  1. focushideorg.apache.spark.streaming.receiver
    1. Receiver
  1. focushideorg.apache.spark.streaming.scheduler
    1. BatchInfo
    2. OutputOperationInfo
    3. RateController
    4. ReceiverInfo
    5. StatsReportListener
    6. StreamingListener
    7. StreamingListenerBatchCompleted
    8. StreamingListenerBatchStarted
    9. StreamingListenerBatchSubmitted
    10. StreamingListenerEvent
    11. StreamingListenerOutputOperationCompleted
    12. StreamingListenerOutputOperationStarted
    13. StreamingListenerReceiverError
    14. StreamingListenerReceiverStarted
    15. StreamingListenerReceiverStopped
    16. StreamingListenerStreamingStarted
    17. StreamInputInfo
  1. focushideorg.apache.spark.streaming.scheduler.rate
    1. RateEstimator
  1. focushideorg.apache.spark.streaming.util
    1. WriteAheadLog
    2. WriteAheadLogRecordHandle
  1. focushideorg.apache.spark.util
    1. AccumulatorV2
    2. ChildFirstURLClassLoader
    3. CollectionAccumulator
    4. DoubleAccumulator
    5. EnumUtil
    6. LegacyAccumulatorWrapper
    7. LongAccumulator
    8. MutablePair
    9. MutableURLClassLoader
    10. ParentClassLoader
    11. SizeEstimator
    12. StatCounter
    13. TaskCompletionListener
    14. TaskFailureListener
  1. focushideorg.apache.spark.util.random
    1. BernoulliCellSampler
    2. BernoulliSampler
    3. PoissonSampler
    4. Pseudorandom
    5. RandomSampler
  1. focushideorg.apache.spark.util.sketch
    1. BloomFilter
    2. CountMinSketch
    3. IncompatibleMergeException