#
A
B
C
D
E
F
G
H
I
J
K
L
M
N
O
P
Q
R
S
T
U
V
W
X
Y
Z
–
deprecated
display packages only
focused on
focus
hide
org.apache.spark
Accumulable
AccumulableParam
Accumulator
AccumulatorParam
Aggregator
ComplexFutureAction
Dependency
ExceptionFailure
ExecutorLostFailure
FetchFailed
FutureAction
HashPartitioner
InterruptibleIterator
JobExecutionStatus
JobSubmitter
NarrowDependency
OneToOneDependency
Partition
Partitioner
RangeDependency
RangePartitioner
Resubmitted
SerializableWritable
ShuffleDependency
SimpleFutureAction
SparkConf
SparkContext
SparkEnv
SparkException
SparkExecutorInfo
SparkFiles
SparkFirehoseListener
SparkJobInfo
SparkStageInfo
SparkStatusTracker
Success
TaskCommitDenied
TaskContext
TaskEndReason
TaskFailedReason
TaskKilled
TaskKilledException
TaskResultLost
UnknownReason
WritableConverter
WritableFactory
focus
hide
org.apache.spark.api.java
JavaDoubleRDD
JavaFutureAction
JavaHadoopRDD
JavaNewHadoopRDD
JavaPairRDD
JavaRDD
JavaRDDLike
JavaSparkContext
JavaSparkStatusTracker
Optional
StorageLevels
focus
hide
org.apache.spark.api.java.function
CoGroupFunction
DoubleFlatMapFunction
DoubleFunction
FilterFunction
FlatMapFunction
FlatMapFunction2
FlatMapGroupsFunction
FlatMapGroupsWithStateFunction
ForeachFunction
ForeachPartitionFunction
Function
Function0
Function2
Function3
Function4
MapFunction
MapGroupsFunction
MapGroupsWithStateFunction
MapPartitionsFunction
PairFlatMapFunction
PairFunction
ReduceFunction
VoidFunction
VoidFunction2
focus
hide
org.apache.spark.broadcast
Broadcast
focus
hide
org.apache.spark.graphx
Edge
EdgeContext
EdgeDirection
EdgeRDD
EdgeTriplet
Graph
GraphLoader
GraphOps
GraphXUtils
PartitionStrategy
Pregel
TripletFields
VertexRDD
focus
hide
org.apache.spark.graphx.impl
EdgeActiveness
EdgeRDDImpl
GraphImpl
VertexRDDImpl
focus
hide
org.apache.spark.graphx.lib
ConnectedComponents
LabelPropagation
PageRank
ShortestPaths
StronglyConnectedComponents
SVDPlusPlus
TriangleCount
focus
hide
org.apache.spark.graphx.util
GraphGenerators
focus
hide
org.apache.spark.input
PortableDataStream
focus
hide
org.apache.spark.internal
Logging
focus
hide
org.apache.spark.internal.io
FileCommitProtocol
HadoopMapRedCommitProtocol
HadoopMapReduceCommitProtocol
HadoopWriteConfigUtil
focus
hide
org.apache.spark.io
CompressionCodec
LZ4CompressionCodec
LZFCompressionCodec
NioBufferedFileInputStream
ReadAheadInputStream
SnappyCompressionCodec
ZStdCompressionCodec
focus
hide
org.apache.spark.launcher
AbstractLauncher
InProcessLauncher
SparkAppHandle
SparkLauncher
focus
hide
org.apache.spark.mapred
SparkHadoopMapRedUtil
focus
hide
org.apache.spark.metrics.source
CodegenMetrics
HiveCatalogMetrics
focus
hide
org.apache.spark.ml
Estimator
Model
Pipeline
PipelineModel
PipelineStage
PredictionModel
Predictor
Transformer
UnaryTransformer
focus
hide
org.apache.spark.ml.attribute
Attribute
AttributeGroup
AttributeType
BinaryAttribute
NominalAttribute
NumericAttribute
UnresolvedAttribute
focus
hide
org.apache.spark.ml.classification
BinaryLogisticRegressionSummary
BinaryLogisticRegressionTrainingSummary
ClassificationModel
Classifier
DecisionTreeClassificationModel
DecisionTreeClassifier
GBTClassificationModel
GBTClassifier
LinearSVC
LinearSVCModel
LogisticRegression
LogisticRegressionModel
LogisticRegressionSummary
LogisticRegressionTrainingSummary
MultilayerPerceptronClassificationModel
MultilayerPerceptronClassifier
NaiveBayes
NaiveBayesModel
OneVsRest
OneVsRestModel
ProbabilisticClassificationModel
ProbabilisticClassifier
RandomForestClassificationModel
RandomForestClassifier
focus
hide
org.apache.spark.ml.clustering
BisectingKMeans
BisectingKMeansModel
BisectingKMeansSummary
ClusteringSummary
DistributedLDAModel
GaussianMixture
GaussianMixtureModel
GaussianMixtureSummary
KMeans
KMeansModel
KMeansSummary
LDA
LDAModel
LocalLDAModel
focus
hide
org.apache.spark.ml.evaluation
BinaryClassificationEvaluator
ClusteringEvaluator
Evaluator
MulticlassClassificationEvaluator
RegressionEvaluator
focus
hide
org.apache.spark.ml.feature
Binarizer
BucketedRandomProjectionLSH
BucketedRandomProjectionLSHModel
Bucketizer
ChiSqSelector
ChiSqSelectorModel
CountVectorizer
CountVectorizerModel
DCT
ElementwiseProduct
FeatureHasher
HashingTF
IDF
IDFModel
Imputer
ImputerModel
IndexToString
Interaction
LabeledPoint
MaxAbsScaler
MaxAbsScalerModel
MinHashLSH
MinHashLSHModel
MinMaxScaler
MinMaxScalerModel
NGram
Normalizer
OneHotEncoder
OneHotEncoderEstimator
OneHotEncoderModel
PCA
PCAModel
PolynomialExpansion
QuantileDiscretizer
RegexTokenizer
RFormula
RFormulaModel
SQLTransformer
StandardScaler
StandardScalerModel
StopWordsRemover
StringIndexer
StringIndexerModel
Tokenizer
VectorAssembler
VectorIndexer
VectorIndexerModel
VectorSizeHint
VectorSlicer
Word2Vec
Word2VecModel
focus
hide
org.apache.spark.ml.fpm
FPGrowth
FPGrowthModel
focus
hide
org.apache.spark.ml.image
ImageSchema
focus
hide
org.apache.spark.ml.linalg
DenseMatrix
DenseVector
Matrices
Matrix
SparseMatrix
SparseVector
SQLDataTypes
Vector
Vectors
focus
hide
org.apache.spark.ml.param
BooleanParam
DoubleArrayArrayParam
DoubleArrayParam
DoubleParam
FloatParam
IntArrayParam
IntParam
JavaParams
LongParam
Param
ParamMap
ParamPair
Params
ParamValidators
StringArrayParam
focus
hide
org.apache.spark.ml.param.shared
HasAggregationDepth
HasCheckpointInterval
HasCollectSubModels
HasElasticNetParam
HasFeaturesCol
HasFitIntercept
HasHandleInvalid
HasInputCol
HasInputCols
HasLabelCol
HasLoss
HasMaxIter
HasOutputCol
HasOutputCols
HasPredictionCol
HasProbabilityCol
HasRawPredictionCol
HasRegParam
HasSeed
HasSolver
HasStandardization
HasStepSize
HasThreshold
HasThresholds
HasTol
HasVarianceCol
HasWeightCol
focus
hide
org.apache.spark.ml.recommendation
ALS
ALSModel
focus
hide
org.apache.spark.ml.regression
AFTSurvivalRegression
AFTSurvivalRegressionModel
DecisionTreeRegressionModel
DecisionTreeRegressor
GBTRegressionModel
GBTRegressor
GeneralizedLinearRegression
GeneralizedLinearRegressionModel
GeneralizedLinearRegressionSummary
GeneralizedLinearRegressionTrainingSummary
IsotonicRegression
IsotonicRegressionModel
LinearRegression
LinearRegressionModel
LinearRegressionSummary
LinearRegressionTrainingSummary
RandomForestRegressionModel
RandomForestRegressor
RegressionModel
focus
hide
org.apache.spark.ml.source.libsvm
LibSVMDataSource
focus
hide
org.apache.spark.ml.stat
ChiSquareTest
Correlation
Summarizer
SummaryBuilder
focus
hide
org.apache.spark.ml.stat.distribution
MultivariateGaussian
focus
hide
org.apache.spark.ml.tree
CategoricalSplit
ContinuousSplit
InternalNode
LeafNode
Node
Split
focus
hide
org.apache.spark.ml.tuning
CrossValidator
CrossValidatorModel
ParamGridBuilder
TrainValidationSplit
TrainValidationSplitModel
focus
hide
org.apache.spark.ml.util
DefaultParamsReadable
DefaultParamsWritable
Identifiable
MLReadable
MLReader
MLWritable
MLWriter
focus
hide
org.apache.spark.mllib
JavaPackage
focus
hide
org.apache.spark.mllib.classification
ClassificationModel
LogisticRegressionModel
LogisticRegressionWithLBFGS
LogisticRegressionWithSGD
NaiveBayes
NaiveBayesModel
StreamingLogisticRegressionWithSGD
SVMModel
SVMWithSGD
focus
hide
org.apache.spark.mllib.clustering
BisectingKMeans
BisectingKMeansModel
DistributedLDAModel
EMLDAOptimizer
GaussianMixture
GaussianMixtureModel
KMeans
KMeansModel
LDA
LDAModel
LDAOptimizer
LocalLDAModel
OnlineLDAOptimizer
PowerIterationClustering
PowerIterationClusteringModel
StreamingKMeans
StreamingKMeansModel
focus
hide
org.apache.spark.mllib.evaluation
BinaryClassificationMetrics
MulticlassMetrics
MultilabelMetrics
RankingMetrics
RegressionMetrics
focus
hide
org.apache.spark.mllib.feature
ChiSqSelector
ChiSqSelectorModel
ElementwiseProduct
HashingTF
IDF
IDFModel
Normalizer
PCA
PCAModel
StandardScaler
StandardScalerModel
VectorTransformer
Word2Vec
Word2VecModel
focus
hide
org.apache.spark.mllib.fpm
AssociationRules
FPGrowth
FPGrowthModel
PrefixSpan
PrefixSpanModel
focus
hide
org.apache.spark.mllib.linalg
DenseMatrix
DenseVector
Matrices
Matrix
QRDecomposition
SingularValueDecomposition
SparseMatrix
SparseVector
Vector
Vectors
VectorUDT
focus
hide
org.apache.spark.mllib.linalg.distributed
BlockMatrix
CoordinateMatrix
DistributedMatrix
IndexedRow
IndexedRowMatrix
MatrixEntry
RowMatrix
focus
hide
org.apache.spark.mllib.optimization
Gradient
GradientDescent
HingeGradient
L1Updater
LBFGS
LeastSquaresGradient
LogisticGradient
Optimizer
SimpleUpdater
SquaredL2Updater
Updater
focus
hide
org.apache.spark.mllib.pmml
PMMLExportable
focus
hide
org.apache.spark.mllib.random
ExponentialGenerator
GammaGenerator
LogNormalGenerator
PoissonGenerator
RandomDataGenerator
RandomRDDs
StandardNormalGenerator
UniformGenerator
WeibullGenerator
focus
hide
org.apache.spark.mllib.rdd
MLPairRDDFunctions
RDDFunctions
focus
hide
org.apache.spark.mllib.recommendation
ALS
MatrixFactorizationModel
Rating
focus
hide
org.apache.spark.mllib.regression
GeneralizedLinearAlgorithm
GeneralizedLinearModel
IsotonicRegression
IsotonicRegressionModel
LabeledPoint
LassoModel
LassoWithSGD
LinearRegressionModel
LinearRegressionWithSGD
RegressionModel
RidgeRegressionModel
RidgeRegressionWithSGD
StreamingLinearAlgorithm
StreamingLinearRegressionWithSGD
focus
hide
org.apache.spark.mllib.stat
KernelDensity
MultivariateOnlineSummarizer
MultivariateStatisticalSummary
Statistics
focus
hide
org.apache.spark.mllib.stat.distribution
MultivariateGaussian
focus
hide
org.apache.spark.mllib.stat.test
BinarySample
ChiSqTestResult
KolmogorovSmirnovTestResult
StreamingTest
TestResult
focus
hide
org.apache.spark.mllib.tree
DecisionTree
GradientBoostedTrees
RandomForest
focus
hide
org.apache.spark.mllib.tree.configuration
Algo
BoostingStrategy
FeatureType
QuantileStrategy
Strategy
focus
hide
org.apache.spark.mllib.tree.impurity
Entropy
Gini
Impurity
Variance
focus
hide
org.apache.spark.mllib.tree.loss
AbsoluteError
LogLoss
Loss
Losses
SquaredError
focus
hide
org.apache.spark.mllib.tree.model
DecisionTreeModel
GradientBoostedTreesModel
InformationGainStats
Node
Predict
RandomForestModel
Split
focus
hide
org.apache.spark.mllib.util
DataValidators
KMeansDataGenerator
LinearDataGenerator
Loader
LogisticRegressionDataGenerator
MFDataGenerator
MLUtils
Saveable
SVMDataGenerator
focus
hide
org.apache.spark.partial
BoundedDouble
PartialResult
focus
hide
org.apache.spark.rdd
AsyncRDDActions
CoGroupedRDD
DoubleRDDFunctions
HadoopRDD
JdbcRDD
NewHadoopRDD
OrderedRDDFunctions
PairRDDFunctions
PartitionCoalescer
PartitionGroup
PartitionPruningRDD
RDD
SequenceFileRDDFunctions
ShuffledRDD
UnionRDD
focus
hide
org.apache.spark.scheduler
AccumulableInfo
InputFormatInfo
JobResult
JobSucceeded
SchedulingMode
SparkListener
SparkListenerApplicationEnd
SparkListenerApplicationStart
SparkListenerBlockManagerAdded
SparkListenerBlockManagerRemoved
SparkListenerBlockUpdated
SparkListenerEnvironmentUpdate
SparkListenerEvent
SparkListenerExecutorAdded
SparkListenerExecutorBlacklisted
SparkListenerExecutorMetricsUpdate
SparkListenerExecutorRemoved
SparkListenerExecutorUnblacklisted
SparkListenerJobEnd
SparkListenerJobStart
SparkListenerLogStart
SparkListenerNodeBlacklisted
SparkListenerNodeUnblacklisted
SparkListenerSpeculativeTaskSubmitted
SparkListenerStageCompleted
SparkListenerStageSubmitted
SparkListenerTaskEnd
SparkListenerTaskGettingResult
SparkListenerTaskStart
SparkListenerUnpersistRDD
SplitInfo
StageInfo
StatsReportListener
TaskInfo
TaskLocality
focus
hide
org.apache.spark.scheduler.cluster
ExecutorInfo
focus
hide
org.apache.spark.security
GroupMappingServiceProvider
focus
hide
org.apache.spark.serializer
DeserializationStream
DummySerializerInstance
JavaSerializer
KryoRegistrator
KryoSerializer
SerializationStream
Serializer
SerializerInstance
focus
hide
org.apache.spark.sql
AnalysisException
Column
ColumnName
DataFrameNaFunctions
DataFrameReader
DataFrameStatFunctions
DataFrameWriter
Dataset
DatasetHolder
Encoder
Encoders
ExperimentalMethods
ForeachWriter
functions
KeyValueGroupedDataset
LowPrioritySQLImplicits
RelationalGroupedDataset
Row
RowFactory
RuntimeConfig
SaveMode
SparkSession
SparkSessionExtensions
SQLContext
SQLImplicits
TypedColumn
UDFRegistration
focus
hide
org.apache.spark.sql.api.java
UDF0
UDF1
UDF10
UDF11
UDF12
UDF13
UDF14
UDF15
UDF16
UDF17
UDF18
UDF19
UDF2
UDF20
UDF21
UDF22
UDF3
UDF4
UDF5
UDF6
UDF7
UDF8
UDF9
focus
hide
org.apache.spark.sql.catalog
Catalog
Column
Database
Function
Table
focus
hide
org.apache.spark.sql.expressions
Aggregator
MutableAggregationBuffer
UserDefinedAggregateFunction
UserDefinedFunction
Window
WindowSpec
focus
hide
org.apache.spark.sql.expressions.javalang
typed
focus
hide
org.apache.spark.sql.expressions.scalalang
typed
focus
hide
org.apache.spark.sql.hive
DetermineTableStats
HiveAnalysis
HiveContext
HiveExternalCatalog
HiveSessionResourceLoader
HiveSessionStateBuilder
RelationConversions
ResolveHiveSerdeTable
focus
hide
org.apache.spark.sql.hive.execution
CreateHiveTableAsSelectCommand
HiveFileFormat
HiveOptions
HiveOutputWriter
HiveScriptIOSchema
InsertIntoHiveDirCommand
InsertIntoHiveTable
ScriptTransformationExec
focus
hide
org.apache.spark.sql.hive.orc
OrcFileFormat
focus
hide
org.apache.spark.sql.jdbc
JdbcDialect
JdbcDialects
JdbcType
focus
hide
org.apache.spark.sql.sources
And
BaseRelation
CatalystScan
CreatableRelationProvider
DataSourceRegister
EqualNullSafe
EqualTo
Filter
GreaterThan
GreaterThanOrEqual
In
InsertableRelation
IsNotNull
IsNull
LessThan
LessThanOrEqual
Not
Or
PrunedFilteredScan
PrunedScan
RelationProvider
SchemaRelationProvider
StreamSinkProvider
StreamSourceProvider
StringContains
StringEndsWith
StringStartsWith
TableScan
focus
hide
org.apache.spark.sql.sources.v2
ContinuousReadSupport
DataSourceOptions
DataSourceV2
MicroBatchReadSupport
ReadSupport
ReadSupportWithSchema
SessionConfigSupport
StreamWriteSupport
WriteSupport
focus
hide
org.apache.spark.sql.sources.v2.reader
DataReader
DataReaderFactory
DataSourceReader
Statistics
SupportsPushDownCatalystFilters
SupportsPushDownFilters
SupportsPushDownRequiredColumns
SupportsReportPartitioning
SupportsReportStatistics
SupportsScanColumnarBatch
SupportsScanUnsafeRow
focus
hide
org.apache.spark.sql.sources.v2.reader.partitioning
ClusteredDistribution
Distribution
Partitioning
focus
hide
org.apache.spark.sql.sources.v2.reader.streaming
ContinuousDataReader
ContinuousReader
MicroBatchReader
Offset
PartitionOffset
focus
hide
org.apache.spark.sql.sources.v2.writer
DataSourceWriter
DataWriter
DataWriterFactory
SupportsWriteInternalRow
WriterCommitMessage
focus
hide
org.apache.spark.sql.sources.v2.writer.streaming
StreamWriter
focus
hide
org.apache.spark.sql.streaming
DataStreamReader
DataStreamWriter
GroupState
GroupStateTimeout
OutputMode
ProcessingTime
SinkProgress
SourceProgress
StateOperatorProgress
StreamingQuery
StreamingQueryException
StreamingQueryListener
StreamingQueryManager
StreamingQueryProgress
StreamingQueryStatus
Trigger
focus
hide
org.apache.spark.sql.types
AnyDataType
ArrayType
AtomicType
BinaryType
BooleanType
ByteType
CalendarIntervalType
CharType
DataType
DataTypes
DateType
Decimal
DecimalType
DoubleType
FloatType
HiveStringType
IntegerType
LongType
MapType
Metadata
MetadataBuilder
NullType
NumericType
ObjectType
ShortType
SQLUserDefinedType
StringType
StructField
StructType
TimestampType
VarcharType
focus
hide
org.apache.spark.sql.util
ExecutionListenerManager
QueryExecutionListener
focus
hide
org.apache.spark.sql.vectorized
ArrowColumnVector
ColumnarArray
ColumnarBatch
ColumnarMap
ColumnarRow
ColumnVector
focus
hide
org.apache.spark.status.api.v1
AccumulableInfo
ApplicationAttemptInfo
ApplicationEnvironmentInfo
ApplicationInfo
ApplicationStatus
ExecutorStageSummary
ExecutorSummary
InputMetricDistributions
InputMetrics
JobData
MemoryMetrics
OutputMetricDistributions
OutputMetrics
RDDDataDistribution
RDDPartitionInfo
RDDStorageInfo
RuntimeInfo
ShuffleReadMetricDistributions
ShuffleReadMetrics
ShuffleWriteMetricDistributions
ShuffleWriteMetrics
StageData
StageStatus
TaskData
TaskMetricDistributions
TaskMetrics
TaskSorting
VersionInfo
focus
hide
org.apache.spark.status.api.v1.streaming
BatchInfo
BatchStatus
OutputOperationInfo
ReceiverInfo
StreamingStatistics
focus
hide
org.apache.spark.storage
BasicBlockReplicationPolicy
BlockId
BlockManagerId
BlockNotFoundException
BlockReplicationPolicy
BlockReplicationUtils
BlockStatus
BlockUpdatedInfo
BroadcastBlockId
DefaultTopologyMapper
FileBasedTopologyMapper
RandomBlockReplicationPolicy
RDDBlockId
RDDInfo
ShuffleBlockId
ShuffleDataBlockId
ShuffleIndexBlockId
StorageLevel
StorageStatus
StreamBlockId
TaskResultBlockId
TimeTrackingOutputStream
TopologyMapper
UnrecognizedBlockId
focus
hide
org.apache.spark.streaming
Duration
Durations
Milliseconds
Minutes
Seconds
State
StateSpec
StreamingContext
StreamingContextState
Time
focus
hide
org.apache.spark.streaming.api.java
JavaDStream
JavaDStreamLike
JavaInputDStream
JavaMapWithStateDStream
JavaPairDStream
JavaPairInputDStream
JavaPairReceiverInputDStream
JavaReceiverInputDStream
JavaStreamingContext
focus
hide
org.apache.spark.streaming.dstream
ConstantInputDStream
DStream
InputDStream
MapWithStateDStream
PairDStreamFunctions
ReceiverInputDStream
focus
hide
org.apache.spark.streaming.kinesis
KinesisInitialPositions
KinesisInputDStream
KinesisUtils
SparkAWSCredentials
focus
hide
org.apache.spark.streaming.receiver
Receiver
focus
hide
org.apache.spark.streaming.scheduler
BatchInfo
OutputOperationInfo
RateController
ReceiverInfo
StatsReportListener
StreamingListener
StreamingListenerBatchCompleted
StreamingListenerBatchStarted
StreamingListenerBatchSubmitted
StreamingListenerEvent
StreamingListenerOutputOperationCompleted
StreamingListenerOutputOperationStarted
StreamingListenerReceiverError
StreamingListenerReceiverStarted
StreamingListenerReceiverStopped
StreamingListenerStreamingStarted
StreamInputInfo
focus
hide
org.apache.spark.streaming.scheduler.rate
RateEstimator
focus
hide
org.apache.spark.streaming.util
WriteAheadLog
WriteAheadLogRecordHandle
focus
hide
org.apache.spark.util
AccumulatorV2
CollectionAccumulator
DoubleAccumulator
EnumUtil
LegacyAccumulatorWrapper
LongAccumulator
MutablePair
SizeEstimator
StatCounter
TaskCompletionListener
TaskFailureListener
focus
hide
org.apache.spark.util.kvstore
InMemoryStore
KVIndex
KVStore
KVStoreIterator
KVStoreSerializer
KVStoreView
KVTypeInfo
LevelDB
UnsupportedStoreVersionException
focus
hide
org.apache.spark.util.random
BernoulliCellSampler
BernoulliSampler
PoissonSampler
Pseudorandom
RandomSampler
focus
hide
org.apache.spark.util.sketch
BloomFilter
CountMinSketch
IncompatibleMergeException