#
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
InterruptibleIterator
JobExecutionStatus
Logging
NarrowDependency
OneToOneDependency
Partition
Partitioner
RangeDependency
RangePartitioner
Resubmitted
SerializableWritable
ShuffleDependency
SimpleFutureAction
SparkConf
SparkContext
SparkEnv
SparkException
SparkFiles
SparkJobInfo
SparkStageInfo
SparkStatusTracker
Success
TaskContext
TaskEndReason
TaskFailedReason
TaskKilled
TaskKilledException
TaskResultLost
UnknownReason
focus
hide
org.apache.spark.annotation
AlphaComponent
DeveloperApi
Experimental
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
DoubleFlatMapFunction
DoubleFunction
FlatMapFunction
FlatMapFunction2
Function
Function2
Function3
PairFlatMapFunction
PairFunction
VoidFunction
focus
hide
org.apache.spark.api.python
Converter
TestWritable
WriteInputFormatTestDataGenerator
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.deploy
Client
ClientArguments
PythonRunner
SparkHadoopUtil
SparkSubmit
focus
hide
org.apache.spark.deploy.history
HistoryServer
focus
hide
org.apache.spark.deploy.master
ApplicationSource
MasterMessages
SparkCuratorUtil
ZooKeeperPersistenceEngine
focus
hide
org.apache.spark.deploy.worker
DriverWrapper
focus
hide
org.apache.spark.examples.streaming
JavaKinesisWordCountASL
focus
hide
org.apache.spark.executor
DataReadMethod
DataWriteMethod
InputMetrics
OutputMetrics
ShuffleReadMetrics
ShuffleWriteMetrics
TaskMetrics
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.ml
Estimator
Evaluator
Model
Pipeline
PipelineModel
PipelineStage
Transformer
focus
hide
org.apache.spark.ml.classification
LogisticRegression
LogisticRegressionModel
focus
hide
org.apache.spark.ml.evaluation
BinaryClassificationEvaluator
focus
hide
org.apache.spark.ml.feature
HashingTF
StandardScaler
StandardScalerModel
Tokenizer
focus
hide
org.apache.spark.ml.param
BooleanParam
DoubleParam
FloatParam
IntParam
LongParam
Param
ParamMap
ParamPair
Params
focus
hide
org.apache.spark.ml.tuning
CrossValidator
CrossValidatorModel
ParamGridBuilder
focus
hide
org.apache.spark.mllib.api.python
PythonMLLibAPI
focus
hide
org.apache.spark.mllib.classification
ClassificationModel
LogisticRegressionModel
LogisticRegressionWithLBFGS
LogisticRegressionWithSGD
NaiveBayes
NaiveBayesModel
SVMModel
SVMWithSGD
focus
hide
org.apache.spark.mllib.clustering
KMeans
KMeansModel
StreamingKMeans
StreamingKMeansModel
focus
hide
org.apache.spark.mllib.evaluation
BinaryClassificationMetrics
MulticlassMetrics
MultilabelMetrics
RankingMetrics
RegressionMetrics
focus
hide
org.apache.spark.mllib.feature
HashingTF
IDF
IDFModel
Normalizer
StandardScaler
StandardScalerModel
VectorTransformer
Word2Vec
Word2VecModel
focus
hide
org.apache.spark.mllib.linalg
DenseMatrix
DenseVector
Matrices
Matrix
SingularValueDecomposition
SparseMatrix
SparseVector
Vector
Vectors
focus
hide
org.apache.spark.mllib.linalg.distributed
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.random
PoissonGenerator
RandomDataGenerator
RandomRDDs
StandardNormalGenerator
UniformGenerator
focus
hide
org.apache.spark.mllib.rdd
RDDFunctions
focus
hide
org.apache.spark.mllib.recommendation
ALS
MatrixFactorizationModel
Rating
focus
hide
org.apache.spark.mllib.regression
GeneralizedLinearAlgorithm
GeneralizedLinearModel
LabeledPoint
LassoModel
LassoWithSGD
LinearRegressionModel
LinearRegressionWithSGD
RegressionModel
RidgeRegressionModel
RidgeRegressionWithSGD
StreamingLinearAlgorithm
StreamingLinearRegressionWithSGD
focus
hide
org.apache.spark.mllib.stat
MultivariateOnlineSummarizer
MultivariateStatisticalSummary
Statistics
focus
hide
org.apache.spark.mllib.stat.test
ChiSqTestResult
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
LogisticRegressionDataGenerator
MFDataGenerator
MLUtils
SVMDataGenerator
focus
hide
org.apache.spark.network
TransportContext
focus
hide
org.apache.spark.network.buffer
FileSegmentManagedBuffer
LazyFileRegion
ManagedBuffer
NettyManagedBuffer
NioManagedBuffer
focus
hide
org.apache.spark.network.client
ChunkFetchFailureException
ChunkReceivedCallback
RpcResponseCallback
TransportClient
TransportClientBootstrap
TransportClientFactory
TransportResponseHandler
focus
hide
org.apache.spark.network.netty
NettyBlockRpcServer
NettyBlockTransferService
SparkTransportConf
focus
hide
org.apache.spark.network.nio
NioBlockTransferService
focus
hide
org.apache.spark.network.protocol
ChunkFetchFailure
ChunkFetchRequest
ChunkFetchSuccess
Encodable
Encoders
Message
MessageDecoder
MessageEncoder
RequestMessage
ResponseMessage
RpcFailure
RpcRequest
RpcResponse
StreamChunkId
focus
hide
org.apache.spark.network.sasl
SaslClientBootstrap
SaslRpcHandler
SecretKeyHolder
ShuffleSecretManager
SparkSaslClient
SparkSaslServer
focus
hide
org.apache.spark.network.server
MessageHandler
NoOpRpcHandler
OneForOneStreamManager
RpcHandler
StreamManager
TransportChannelHandler
TransportRequestHandler
TransportServer