#
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
display packages only
focused on
focus
hide
org.apache.spark
Accumulable
AccumulableParam
Accumulator
AccumulatorParam
Aggregator
ComplexFutureAction
Dependency
ExceptionFailure
ExecutorLostFailure
FetchFailed
FutureAction
HashPartitioner
HeartbeatReceiver
InterruptibleIterator
JavaSparkListener
JobExecutionStatus
Logging
NarrowDependency
OneToOneDependency
Partition
Partitioner
RangeDependency
RangePartitioner
Resubmitted
SerializableWritable
ShuffleDependency
SimpleFutureAction
SparkConf
SparkContext
SparkEnv
SparkException
SparkFiles
SparkFirehoseListener
SparkJobInfo
SparkStageInfo
SparkStatusTracker
Success
TaskCommitDenied
TaskContext
TaskEndReason
TaskFailedReason
TaskKilled
TaskKilledException
TaskResultLost
UnknownReason
WritableConverter
WritableFactory
focus
hide
org.apache.spark.annotation
AlphaComponent
DeveloperApi
Experimental
Private
focus
hide
org.apache.spark.api.java
JavaDoubleRDD
JavaFutureAction
JavaHadoopRDD
JavaNewHadoopRDD
JavaPairRDD
JavaRDD
JavaRDDLike
JavaSparkContext
JavaSparkStatusTracker
StorageLevels
focus
hide
org.apache.spark.api.java.function
CoGroupFunction
DoubleFlatMapFunction
DoubleFunction
FilterFunction
FlatMapFunction
FlatMapFunction2
FlatMapGroupsFunction
ForeachFunction
ForeachPartitionFunction
Function
Function0
Function2
Function3
Function4
MapFunction
MapGroupsFunction
MapPartitionsFunction
PairFlatMapFunction
PairFunction
ReduceFunction
VoidFunction
VoidFunction2
focus
hide
org.apache.spark.bagel
Aggregator
Bagel
Combiner
DefaultCombiner
Message
Vertex
focus
hide
org.apache.spark.broadcast
Broadcast
BroadcastFactory
HttpBroadcastFactory
TorrentBroadcastFactory
focus
hide
org.apache.spark.graphx
Edge
EdgeContext
EdgeDirection
EdgeRDD
EdgeTriplet
Graph
GraphKryoRegistrator
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.io
CompressionCodec
LZ4CompressionCodec
LZFCompressionCodec
SnappyCompressionCodec
focus
hide
org.apache.spark.launcher
SparkAppHandle
SparkLauncher
focus
hide
org.apache.spark.mapred
SparkHadoopMapRedUtil
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
LogisticRegression
LogisticRegressionModel
LogisticRegressionSummary
LogisticRegressionTrainingSummary
MultilayerPerceptronClassificationModel
MultilayerPerceptronClassifier
NaiveBayes
NaiveBayesModel
OneVsRest
OneVsRestModel
ProbabilisticClassificationModel
ProbabilisticClassifier
RandomForestClassificationModel
RandomForestClassifier
focus
hide
org.apache.spark.ml.clustering
DistributedLDAModel
KMeans
KMeansModel
LDA
LDAModel
LocalLDAModel
focus
hide
org.apache.spark.ml.evaluation
BinaryClassificationEvaluator
Evaluator
MulticlassClassificationEvaluator
RegressionEvaluator
focus
hide
org.apache.spark.ml.feature
Binarizer
Bucketizer
ChiSqSelector
ChiSqSelectorModel
CountVectorizer
CountVectorizerModel
DCT
ElementwiseProduct
HashingTF
IDF
IDFModel
IndexToString
Interaction
MinMaxScaler
MinMaxScalerModel
NGram
Normalizer
OneHotEncoder
PCA
PCAModel
PolynomialExpansion
QuantileDiscretizer
RegexTokenizer
RFormula
RFormulaModel
SQLTransformer
StandardScaler
StandardScalerModel
StopWordsRemover
StringIndexer
StringIndexerModel
Tokenizer
VectorAssembler
VectorIndexer
VectorIndexerModel
VectorSlicer
Word2Vec
Word2VecModel
focus
hide
org.apache.spark.ml.param
BooleanParam
DoubleArrayParam
DoubleParam
FloatParam
IntArrayParam
IntParam
JavaParams
LongParam
Param
ParamMap
ParamPair
Params
ParamValidators
StringArrayParam
focus
hide
org.apache.spark.ml.recommendation
ALS
ALSModel
focus
hide
org.apache.spark.ml.regression
AFTSurvivalRegression
AFTSurvivalRegressionModel
DecisionTreeRegressionModel
DecisionTreeRegressor
GBTRegressionModel
GBTRegressor
IsotonicRegression
IsotonicRegressionModel
LinearRegression
LinearRegressionModel
LinearRegressionSummary
LinearRegressionTrainingSummary
RandomForestRegressionModel
RandomForestRegressor
RegressionModel
focus
hide
org.apache.spark.ml.source.libsvm
DefaultSource
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
Identifiable
MLReadable
MLReader
MLWritable
MLWriter
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
PartitionPruningRDD
RDD
SequenceFileRDDFunctions
ShuffledRDD
UnionRDD
focus
hide
org.apache.spark.scheduler
AccumulableInfo
InputFormatInfo
JobLogger
JobResult
JobSucceeded
SchedulingMode
SparkListener
SparkListenerApplicationEnd
SparkListenerApplicationStart
SparkListenerBlockManagerAdded
SparkListenerBlockManagerRemoved
SparkListenerBlockUpdated
SparkListenerEnvironmentUpdate
SparkListenerEvent
SparkListenerExecutorAdded
SparkListenerExecutorMetricsUpdate
SparkListenerExecutorRemoved
SparkListenerJobEnd
SparkListenerJobStart
SparkListenerStageCompleted
SparkListenerStageSubmitted
SparkListenerTaskEnd
SparkListenerTaskGettingResult
SparkListenerTaskStart
SparkListenerUnpersistRDD
SplitInfo
StageInfo
StatsReportListener
TaskInfo
TaskLocality
focus
hide
org.apache.spark.scheduler.cluster
ExecutorInfo
focus
hide
org.apache.spark.serializer
DeserializationStream
DummySerializerInstance
JavaSerializer
KryoRegistrator
KryoSerializer
SerializationStream
Serializer
SerializerInstance
focus
hide
org.apache.spark.sql
AnalysisException
Column
ColumnName
DataFrame
DataFrameHolder
DataFrameNaFunctions
DataFrameReader
DataFrameStatFunctions
DataFrameWriter
Dataset
DatasetHolder
Encoder
Encoders
ExperimentalMethods
functions
GroupedData
GroupedDataset
Row
RowFactory
SaveMode
SQLContext
SQLImplicits
TypedColumn
UDFRegistration
UserDefinedFunction
focus
hide
org.apache.spark.sql.api.java
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.expressions
Aggregator
MutableAggregationBuffer
UserDefinedAggregateFunction
Window
WindowSpec
focus
hide
org.apache.spark.sql.hive
HiveContext
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
HadoopFsRelation
HadoopFsRelationProvider
In
InsertableRelation
IsNotNull
IsNull
LessThan
LessThanOrEqual
Not
Or
OutputWriter
OutputWriterFactory
PrunedFilteredScan
PrunedScan
RelationProvider
SchemaRelationProvider
StringContains
StringEndsWith
StringStartsWith
TableScan
focus
hide
org.apache.spark.sql.types
AnyDataType
ArrayType
AtomicType
BinaryType
BooleanType
ByteType
CalendarIntervalType
DataType
DataTypes
DateType
Decimal
DecimalType
DoubleType
FloatType
IntegerType
LongType
MapType
Metadata
MetadataBuilder
NullType
NumericType
PrecisionInfo
ShortType
SQLUserDefinedType
StringType
StructField
StructType
TimestampType
UserDefinedType
focus
hide
org.apache.spark.sql.util
ExecutionListenerManager
QueryExecutionListener
focus
hide
org.apache.spark.status.api.v1
AccumulableInfo
ApplicationAttemptInfo
ApplicationInfo
ApplicationStatus
ExecutorStageSummary
ExecutorSummary
InputMetricDistributions
InputMetrics
JobData
OneStageResource
OutputMetricDistributions
OutputMetrics
RDDDataDistribution
RDDPartitionInfo
RDDStorageInfo
ShuffleReadMetricDistributions
ShuffleReadMetrics
ShuffleWriteMetricDistributions
ShuffleWriteMetrics
StageData
StageStatus
TaskData
TaskMetricDistributions
TaskMetrics
TaskSorting
focus
hide
org.apache.spark.storage
BlockId
BlockManagerId
BlockNotFoundException
BlockStatus
BlockUpdatedInfo
BroadcastBlockId
RDDBlockId
RDDInfo
ShuffleBlockId
ShuffleDataBlockId
ShuffleIndexBlockId
StorageLevel
StorageStatus
StorageStatusListener
StreamBlockId
TaskResultBlockId
TimeTrackingOutputStream
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
JavaStreamingContextFactory
focus
hide
org.apache.spark.streaming.dstream
ConstantInputDStream
DStream
InputDStream
MapWithStateDStream
PairDStreamFunctions
ReceiverInputDStream
focus
hide
org.apache.spark.streaming.flume
FlumeUtils
SparkFlumeEvent
focus
hide
org.apache.spark.streaming.kafka
Broker
HasOffsetRanges
KafkaUtils
OffsetRange
focus
hide
org.apache.spark.streaming.kinesis
KinesisUtils
focus
hide
org.apache.spark.streaming.mqtt
MQTTUtils
focus
hide
org.apache.spark.streaming.receiver
ActorHelper
ActorSupervisorStrategy
Receiver
Statistics
focus
hide
org.apache.spark.streaming.scheduler
BatchInfo
OutputOperationInfo
RateController
ReceiverInfo
StatsReportListener
StreamingListener
StreamingListenerBatchCompleted
StreamingListenerBatchStarted
StreamingListenerBatchSubmitted
StreamingListenerEvent
StreamingListenerOutputOperationCompleted
StreamingListenerOutputOperationStarted
StreamingListenerReceiverError
StreamingListenerReceiverStarted
StreamingListenerReceiverStopped
StreamInputInfo
focus
hide
org.apache.spark.streaming.scheduler.rate
RateEstimator
focus
hide
org.apache.spark.streaming.twitter
TwitterUtils
focus
hide
org.apache.spark.streaming.util
WriteAheadLog
WriteAheadLogRecordHandle
focus
hide
org.apache.spark.streaming.zeromq
ZeroMQUtils
focus
hide
org.apache.spark.ui.env
EnvironmentListener
focus
hide
org.apache.spark.ui.exec
ExecutorsListener
focus
hide
org.apache.spark.ui.jobs
JobProgressListener
focus
hide
org.apache.spark.ui.storage
StorageListener
focus
hide
org.apache.spark.util
EnumUtil
MutablePair
RpcUtils
SizeEstimator
StatCounter
TaskCompletionListener
TaskFailureListener
Vector
focus
hide
org.apache.spark.util.random
BernoulliCellSampler
BernoulliSampler
PoissonSampler
Pseudorandom
RandomSampler