⚠️There's a newer version (1.8.5) of this package.Take me there.

sparklyr: R interface for Apache Spark

  • Install and connect to Spark using YARN, Mesos, Livy or Kubernetes.
  • Use dplyr to filter and aggregate Spark datasets and streams then bring them into R for analysis and visualization.
  • Use MLlib, H2O, XGBoost and GraphFrames to train models at scale in Spark.
  • Create interoperable machine learning pipelines and productionize them with MLeap.
  • Create extensions that call the full Spark API or run distributed R code to support new functionality.

Table of Contents

Installation

You can install the sparklyr package from CRAN as follows:

install.packages("sparklyr")

You should also install a local version of Spark for development purposes:

library(sparklyr)
spark_install()

To upgrade to the latest version of sparklyr, run the following command and restart your r session:

install.packages("devtools")
devtools::install_github("sparklyr/sparklyr")

Connecting to Spark

You can connect to both local instances of Spark as well as remote Spark clusters. Here we’ll connect to a local instance of Spark via the spark_connect function:

library(sparklyr)
sc <- spark_connect(master = "local")

The returned Spark connection (sc) provides a remote dplyr data source to the Spark cluster.

For more information on connecting to remote Spark clusters see the Deployment section of the sparklyr website.

Using dplyr

We can now use all of the available dplyr verbs against the tables within the cluster.

We’ll start by copying some datasets from R into the Spark cluster (note that you may need to install the nycflights13 and Lahman packages in order to execute this code):

install.packages(c("nycflights13", "Lahman"))
library(dplyr)
iris_tbl <- copy_to(sc, iris, overwrite = TRUE)
flights_tbl <- copy_to(sc, nycflights13::flights, "flights", overwrite = TRUE)
batting_tbl <- copy_to(sc, Lahman::Batting, "batting", overwrite = TRUE)
src_tbls(sc)
#> [1] "batting" "flights" "iris"

To start with here’s a simple filtering example:

# filter by departure delay and print the first few records
flights_tbl %>% filter(dep_delay == 2)
#> # Source: spark<?> [?? x 19]
#>     year month   day dep_t…¹ sched…² dep_d…³ arr_t…⁴ sched…⁵
#>    <int> <int> <int>   <int>   <int>   <dbl>   <int>   <int>
#>  1  2013     1     1     517     515       2     830     819
#>  2  2013     1     1     542     540       2     923     850
#>  3  2013     1     1     702     700       2    1058    1014
#>  4  2013     1     1     715     713       2     911     850
#>  5  2013     1     1     752     750       2    1025    1029
#>  6  2013     1     1     917     915       2    1206    1211
#>  7  2013     1     1     932     930       2    1219    1225
#>  8  2013     1     1    1028    1026       2    1350    1339
#>  9  2013     1     1    1042    1040       2    1325    1326
#> 10  2013     1     1    1231    1229       2    1523    1529
#> # … with more rows, 11 more variables: arr_delay <dbl>,
#> #   carrier <chr>, flight <int>, tailnum <chr>,
#> #   origin <chr>, dest <chr>, air_time <dbl>,
#> #   distance <dbl>, hour <dbl>, minute <dbl>,
#> #   time_hour <dttm>, and abbreviated variable names
#> #   ¹​dep_time, ²​sched_dep_time, ³​dep_delay, ⁴​arr_time,
#> #   ⁵​sched_arr_time

Introduction to dplyr provides additional dplyr examples you can try. For example, consider the last example from the tutorial which plots data on flight delays:

delay <- flights_tbl %>%
  group_by(tailnum) %>%
  summarise(count = n(), dist = mean(distance), delay = mean(arr_delay)) %>%
  filter(count > 20, dist < 2000, !is.na(delay)) %>%
  collect()

# plot delays
library(ggplot2)
ggplot(delay, aes(dist, delay)) +
  geom_point(aes(size = count), alpha = 1/2) +
  geom_smooth() +
  scale_size_area(max_size = 2)
#> `geom_smooth()` using method = 'gam' and formula = 'y ~
#> s(x, bs = "cs")'

Window Functions

dplyr window functions are also supported, for example:

batting_tbl %>%
  select(playerID, yearID, teamID, G, AB:H) %>%
  arrange(playerID, yearID, teamID) %>%
  group_by(playerID) %>%
  filter(min_rank(desc(H)) <= 2 & H > 0)
#> # Source:     spark<?> [?? x 7]
#> # Groups:     playerID
#> # Ordered by: playerID, yearID, teamID
#>    playerID  yearID teamID     G    AB     R     H
#>    <chr>      <int> <chr>  <int> <int> <int> <int>
#>  1 aaronha01   1959 ML1      154   629   116   223
#>  2 aaronha01   1963 ML1      161   631   121   201
#>  3 abbotji01   1999 MIL       20    21     0     2
#>  4 abnersh01   1992 CHA       97   208    21    58
#>  5 abnersh01   1990 SDN       91   184    17    45
#>  6 acklefr01   1963 CHA        2     5     0     1
#>  7 acklefr01   1964 CHA        3     1     0     1
#>  8 acunaro01   2019 ATL      156   626   127   175
#>  9 acunaro01   2018 ATL      111   433    78   127
#> 10 adamecr01   2016 COL      121   225    25    49
#> # … with more rows

For additional documentation on using dplyr with Spark see the dplyr section of the sparklyr website.

Using SQL

It’s also possible to execute SQL queries directly against tables within a Spark cluster. The spark_connection object implements a DBI interface for Spark, so you can use dbGetQuery() to execute SQL and return the result as an R data frame:

library(DBI)
iris_preview <- dbGetQuery(sc, "SELECT * FROM iris LIMIT 10")
iris_preview
#>    Sepal_Length Sepal_Width Petal_Length Petal_Width
#> 1           5.1         3.5          1.4         0.2
#> 2           4.9         3.0          1.4         0.2
#> 3           4.7         3.2          1.3         0.2
#> 4           4.6         3.1          1.5         0.2
#> 5           5.0         3.6          1.4         0.2
#> 6           5.4         3.9          1.7         0.4
#> 7           4.6         3.4          1.4         0.3
#> 8           5.0         3.4          1.5         0.2
#> 9           4.4         2.9          1.4         0.2
#> 10          4.9         3.1          1.5         0.1
#>    Species
#> 1   setosa
#> 2   setosa
#> 3   setosa
#> 4   setosa
#> 5   setosa
#> 6   setosa
#> 7   setosa
#> 8   setosa
#> 9   setosa
#> 10  setosa

Machine Learning

You can orchestrate machine learning algorithms in a Spark cluster via the machine learning functions within sparklyr. These functions connect to a set of high-level APIs built on top of DataFrames that help you create and tune machine learning workflows.

Here’s an example where we use ml_linear_regression to fit a linear regression model. We’ll use the built-in mtcars dataset, and see if we can predict a car’s fuel consumption (mpg) based on its weight (wt), and the number of cylinders the engine contains (cyl). We’ll assume in each case that the relationship between mpg and each of our features is linear.

# copy mtcars into spark
mtcars_tbl <- copy_to(sc, mtcars, overwrite = TRUE)

# transform our data set, and then partition into 'training', 'test'
partitions <- mtcars_tbl %>%
  filter(hp >= 100) %>%
  mutate(cyl8 = cyl == 8) %>%
  sdf_partition(training = 0.5, test = 0.5, seed = 1099)

# fit a linear model to the training dataset
fit <- partitions$training %>%
  ml_linear_regression(response = "mpg", features = c("wt", "cyl"))
fit
#> Formula: mpg ~ wt + cyl
#> 
#> Coefficients:
#> (Intercept)          wt         cyl 
#>  37.1464554  -4.3408005  -0.5830515

For linear regression models produced by Spark, we can use summary() to learn a bit more about the quality of our fit, and the statistical significance of each of our predictors.

summary(fit)
#> Deviance Residuals:
#>     Min      1Q  Median      3Q     Max 
#> -2.5134 -0.9158 -0.1683  1.1503  2.1534 
#> 
#> Coefficients:
#> (Intercept)          wt         cyl 
#>  37.1464554  -4.3408005  -0.5830515 
#> 
#> R-Squared: 0.9428
#> Root Mean Squared Error: 1.409

Spark machine learning supports a wide array of algorithms and feature transformations and as illustrated above it’s easy to chain these functions together with dplyr pipelines. To learn more see the machine learning section.

Reading and Writing Data

You can read and write data in CSV, JSON, and Parquet formats. Data can be stored in HDFS, S3, or on the local filesystem of cluster nodes.

temp_csv <- tempfile(fileext = ".csv")
temp_parquet <- tempfile(fileext = ".parquet")
temp_json <- tempfile(fileext = ".json")

spark_write_csv(iris_tbl, temp_csv)
iris_csv_tbl <- spark_read_csv(sc, "iris_csv", temp_csv)

spark_write_parquet(iris_tbl, temp_parquet)
iris_parquet_tbl <- spark_read_parquet(sc, "iris_parquet", temp_parquet)

spark_write_json(iris_tbl, temp_json)
iris_json_tbl <- spark_read_json(sc, "iris_json", temp_json)

src_tbls(sc)
#> [1] "batting"      "flights"      "iris"        
#> [4] "iris_csv"     "iris_json"    "iris_parquet"
#> [7] "mtcars"

Distributed R

You can execute arbitrary r code across your cluster using spark_apply(). For example, we can apply rgamma over iris as follows:

spark_apply(iris_tbl, function(data) {
  data[1:4] + rgamma(1,2)
})
#> # Source: spark<?> [?? x 4]
#>    Sepal_Length Sepal_Width Petal_Length Petal_Width
#>           <dbl>       <dbl>        <dbl>       <dbl>
#>  1         5.51        3.91         1.81       0.610
#>  2         5.31        3.41         1.81       0.610
#>  3         5.11        3.61         1.71       0.610
#>  4         5.01        3.51         1.91       0.610
#>  5         5.41        4.01         1.81       0.610
#>  6         5.81        4.31         2.11       0.810
#>  7         5.01        3.81         1.81       0.710
#>  8         5.41        3.81         1.91       0.610
#>  9         4.81        3.31         1.81       0.610
#> 10         5.31        3.51         1.91       0.510
#> # … with more rows

You can also group by columns to perform an operation over each group of rows and make use of any package within the closure:

spark_apply(
  iris_tbl,
  function(e) broom::tidy(lm(Petal_Width ~ Petal_Length, e)),
  columns = c("term", "estimate", "std.error", "statistic", "p.value"),
  group_by = "Species"
)
#> # Source: spark<?> [?? x 6]
#>   Species    term         estimate std.er…¹ stati…²  p.value
#>   <chr>      <chr>           <dbl>    <dbl>   <dbl>    <dbl>
#> 1 versicolor (Intercept)   -0.0843   0.161   -0.525 6.02e- 1
#> 2 versicolor Petal_Length   0.331    0.0375   8.83  1.27e-11
#> 3 virginica  (Intercept)    1.14     0.379    2.99  4.34e- 3
#> 4 virginica  Petal_Length   0.160    0.0680   2.36  2.25e- 2
#> 5 setosa     (Intercept)   -0.0482   0.122   -0.396 6.94e- 1
#> 6 setosa     Petal_Length   0.201    0.0826   2.44  1.86e- 2
#> # … with abbreviated variable names ¹​std.error, ²​statistic

Extensions

The facilities used internally by sparklyr for its dplyr and machine learning interfaces are available to extension packages. Since Spark is a general purpose cluster computing system there are many potential applications for extensions (e.g. interfaces to custom machine learning pipelines, interfaces to 3rd party Spark packages, etc.).

Here’s a simple example that wraps a Spark text file line counting function with an R function:

# write a CSV
tempfile <- tempfile(fileext = ".csv")
write.csv(nycflights13::flights, tempfile, row.names = FALSE, na = "")

# define an R interface to Spark line counting
count_lines <- function(sc, path) {
  spark_context(sc) %>%
    invoke("textFile", path, 1L) %>%
      invoke("count")
}

# call spark to count the lines of the CSV
count_lines(sc, tempfile)
#> [1] 336777

To learn more about creating extensions see the Extensions section of the sparklyr website.

Table Utilities

You can cache a table into memory with:

tbl_cache(sc, "batting")

and unload from memory using:

tbl_uncache(sc, "batting")

Connection Utilities

You can view the Spark web console using the spark_web() function:

spark_web(sc)

You can show the log using the spark_log() function:

spark_log(sc, n = 10)
#> 22/12/08 10:13:49 INFO BlockManagerInfo: Removed broadcast_84_piece0 on localhost:54296 in memory (size: 9.2 KiB, free: 912.1 MiB)
#> 22/12/08 10:13:49 INFO BlockManagerInfo: Removed broadcast_86_piece0 on localhost:54296 in memory (size: 5.0 KiB, free: 912.1 MiB)
#> 22/12/08 10:13:49 INFO BlockManagerInfo: Removed broadcast_76_piece0 on localhost:54296 in memory (size: 8.7 KiB, free: 912.1 MiB)
#> 22/12/08 10:13:49 INFO Executor: Finished task 0.0 in stage 67.0 (TID 83). 1004 bytes result sent to driver
#> 22/12/08 10:13:49 INFO TaskSetManager: Finished task 0.0 in stage 67.0 (TID 83) in 187 ms on localhost (executor driver) (1/1)
#> 22/12/08 10:13:49 INFO TaskSchedulerImpl: Removed TaskSet 67.0, whose tasks have all completed, from pool 
#> 22/12/08 10:13:49 INFO DAGScheduler: ResultStage 67 (count at NativeMethodAccessorImpl.java:0) finished in 0.199 s
#> 22/12/08 10:13:49 INFO DAGScheduler: Job 49 is finished. Cancelling potential speculative or zombie tasks for this job
#> 22/12/08 10:13:49 INFO TaskSchedulerImpl: Killing all running tasks in stage 67: Stage finished
#> 22/12/08 10:13:49 INFO DAGScheduler: Job 49 finished: count at NativeMethodAccessorImpl.java:0, took 0.204972 s

Finally, we disconnect from Spark:

  spark_disconnect(sc)

RStudio IDE

The RStudio IDE includes integrated support for Spark and the sparklyr package, including tools for:

  • Creating and managing Spark connections
  • Browsing the tables and columns of Spark DataFrames
  • Previewing the first 1,000 rows of Spark DataFrames

Once you’ve installed the sparklyr package, you should find a new Spark pane within the IDE. This pane includes a New Connection dialog which can be used to make connections to local or remote Spark instances:

Once you’ve connected to Spark you’ll be able to browse the tables contained within the Spark cluster and preview Spark DataFrames using the standard RStudio data viewer:

You can also connect to Spark through Livy through a new connection dialog:

Using H2O

rsparkling is a CRAN package from H2O that extends sparklyr to provide an interface into Sparkling Water. For instance, the following example installs, configures and runs h2o.glm:

library(rsparkling)
library(sparklyr)
library(dplyr)
library(h2o)

sc <- spark_connect(master = "local", version = "2.3.2")
mtcars_tbl <- copy_to(sc, mtcars, "mtcars", overwrite = TRUE)

mtcars_h2o <- as_h2o_frame(sc, mtcars_tbl, strict_version_check = FALSE)

mtcars_glm <- h2o.glm(x = c("wt", "cyl"),
                      y = "mpg",
                      training_frame = mtcars_h2o,
                      lambda_search = TRUE)
mtcars_glm
#> Model Details:
#> ==============
#>
#> H2ORegressionModel: glm
#> Model ID:  GLM_model_R_1527265202599_1
#> GLM Model: summary
#>     family     link                              regularization
#> 1 gaussian identity Elastic Net (alpha = 0.5, lambda = 0.1013 )
#>                                                                lambda_search
#> 1 nlambda = 100, lambda.max = 10.132, lambda.min = 0.1013, lambda.1se = -1.0
#>   number_of_predictors_total number_of_active_predictors
#> 1                          2                           2
#>   number_of_iterations                                training_frame
#> 1                  100 frame_rdd_31_ad5c4e88ec97eb8ccedae9475ad34e02
#>
#> Coefficients: glm coefficients
#>       names coefficients standardized_coefficients
#> 1 Intercept    38.941654                 20.090625
#> 2       cyl    -1.468783                 -2.623132
#> 3        wt    -3.034558                 -2.969186
#>
#> H2ORegressionMetrics: glm
#> ** Reported on training data. **
#>
#> MSE:  6.017684
#> RMSE:  2.453097
#> MAE:  1.940985
#> RMSLE:  0.1114801
#> Mean Residual Deviance :  6.017684
#> R^2 :  0.8289895
#> Null Deviance :1126.047
#> Null D.o.F. :31
#> Residual Deviance :192.5659
#> Residual D.o.F. :29
#> AIC :156.2425
spark_disconnect(sc)

Connecting through Livy

Livy enables remote connections to Apache Spark clusters. However, please notice that connecting to Spark clusters through Livy is much slower than any other connection method.

Before connecting to Livy, you will need the connection information to an existing service running Livy. Otherwise, to test livy in your local environment, you can install it and run it locally as follows:

livy_install()
livy_service_start()

To connect, use the Livy service address as master and method = "livy" in spark_connect(). Once connection completes, use sparklyr as usual, for instance:

sc <- spark_connect(master = "http://localhost:8998", method = "livy", version = "3.0.0")
copy_to(sc, iris, overwrite = TRUE)

spark_disconnect(sc)

Once you are done using livy locally, you should stop this service with:

livy_service_stop()

To connect to remote livy clusters that support basic authentication connect as:

config <- livy_config(username="<username>", password="<password>")
sc <- spark_connect(master = "<address>", method = "livy", config = config)
spark_disconnect(sc)

Connecting through Databricks Connect

Databricks Connect allows you to connect sparklyr to a remote Databricks Cluster. You can install Databricks Connect python package and use it to submit Spark jobs written in sparklyr APIs and have them execute remotely on a Databricks cluster instead of in the local Spark session.

To use sparklyr with Databricks Connect first launch a Cluster on Databricks. Then follow these instructions to setup the client:

  1. Make sure pyspark is not installed
  2. Install the Databricks Connect python package. The latest supported version is 6.4.1.
  3. Run databricks-connect configure and provide the configuration information
    • Databricks account URL of the form https://<account>.cloud.databricks.com.
    • User token
    • Cluster ID
    • Port (default port number is 15001)

To configure sparklyr with Databricks Connect, set the following environment variables:

export SPARK_VERSION=2.4.4

Now simply create a spark connection as follows

spark_home <- system("databricks-connect get-spark-home")
sc <- spark_connect(method = "databricks",
                    spark_home = spark_home)
copy_to(sc, iris, overwrite = TRUE)
spark_disconnect(sc)

Copy Link

Version

Install

install.packages('sparklyr')

Monthly Downloads

120,810

Version

1.8.4

License

Apache License 2.0 | file LICENSE

Maintainer

Last Published

October 30th, 2023

Functions in sparklyr (1.8.4)

ft_bucketizer

Feature Transformation -- Bucketizer (Transformer)
ft_idf

Feature Transformation -- IDF (Estimator)
ft_imputer

Feature Transformation -- Imputer (Estimator)
fill

Fill
ft_dct

Feature Transformation -- Discrete Cosine Transform (DCT) (Transformer)
ensure

Enforce Specific Structure for R Objects
ft_elementwise_product

Feature Transformation -- ElementwiseProduct (Transformer)
ft_index_to_string

Feature Transformation -- IndexToString (Transformer)
dplyr_hof

dplyr wrappers for Apache Spark higher order functions
download_scalac

Downloads default Scala Compilers
copy_to.spark_connection

Copy an R Data Frame to Spark
ft_one_hot_encoder

Feature Transformation -- OneHotEncoder (Transformer)
ft_interaction

Feature Transformation -- Interaction (Transformer)
ft_lsh

Feature Transformation -- LSH (Estimator)
ft_max_abs_scaler

Feature Transformation -- MaxAbsScaler (Estimator)
ft_min_max_scaler

Feature Transformation -- MinMaxScaler (Estimator)
ft_one_hot_encoder_estimator

Feature Transformation -- OneHotEncoderEstimator (Estimator)
ft_hashing_tf

Feature Transformation -- HashingTF (Transformer)
ft_lsh_utils

Utility functions for LSH models
ft_feature_hasher

Feature Transformation -- FeatureHasher (Transformer)
ft_ngram

Feature Transformation -- NGram (Transformer)
distinct

Distinct
ft_chisq_selector

Feature Transformation -- ChiSqSelector (Estimator)
ft_pca

Feature Transformation -- PCA (Estimator)
ft_count_vectorizer

Feature Transformation -- CountVectorizer (Estimator)
ft_quantile_discretizer

Feature Transformation -- QuantileDiscretizer (Estimator)
ft_r_formula

Feature Transformation -- RFormula (Estimator)
ft_polynomial_expansion

Feature Transformation -- PolynomialExpansion (Transformer)
ft_regex_tokenizer

Feature Transformation -- RegexTokenizer (Transformer)
ft_robust_scaler

Feature Transformation -- RobustScaler (Estimator)
ft_standard_scaler

Feature Transformation -- StandardScaler (Estimator)
ft_normalizer

Feature Transformation -- Normalizer (Transformer)
ft_vector_assembler

Feature Transformation -- VectorAssembler (Transformer)
ft_string_indexer

Feature Transformation -- StringIndexer (Estimator)
ft_tokenizer

Feature Transformation -- Tokenizer (Transformer)
get_spark_sql_catalog_implementation

Retrieve the Spark connection's SQL catalog implementation property
ft_stop_words_remover

Feature Transformation -- StopWordsRemover (Transformer)
ft_vector_slicer

Feature Transformation -- VectorSlicer (Transformer)
ft_word2vec

Feature Transformation -- Word2Vec (Estimator)
hof_map_filter

Filters a map
%->%

Infix operator for composing a lambda expression
hof_transform

Transform Array Column
hof_transform_keys

Transforms keys of a map
hof_exists

Determine Whether Some Element Exists in an Array Column
hof_array_sort

Sorts array using a custom comparator
inner_join

Inner join
hof_map_zip_with

Merges two maps into one
ft_vector_indexer

Feature Transformation -- VectorIndexer (Estimator)
full_join

Full join
hive_context_config

Runtime configuration interface for Hive
hof_transform_values

Transforms values of a map
jfloat

Instantiate a Java float type.
generic_call_interface

Generic Call Interface
join.tbl_spark

Join Spark tbls.
left_join

Left join
invoke_method

Generic Call Interface
j_invoke

Invoke a Java function.
list_sparklyr_jars

list all sparklyr-*.jar files that have been built
hof_filter

Filter Array Column
hof_forall

Checks whether all elements in an array satisfy a predicate
j_invoke_method

Generic Call Interface
hof_aggregate

Apply Aggregate Function to Array Column
jarray

Instantiate a Java array with a specific element type.
hof_zip_with

Combines 2 Array Columns
livy_service_start

Start Livy
jobj_set_param

Parameter Setting for JVM Objects
ml_chisquare_test

Chi-square hypothesis testing for categorical data.
ml-params

Spark ML -- ML Params
invoke

Invoke a Method on a JVM Object
jobj_class

Superclasses of object
jfloat_array

Instantiate an Array[Float].
livy_install

Install Livy
ml_corr

Compute correlation matrix
ml_supervised_pipeline

Constructors for `ml_model` Objects
ml_decision_tree_classifier

Spark ML -- Decision Trees
ml-constructors

Constructors for Pipeline Stages
ml-persistence

Spark ML -- Model Persistence
ml_als

Spark ML -- ALS
ml_als_tidiers

Tidying methods for Spark ML ALS
ml_gbt_classifier

Spark ML -- Gradient Boosted Trees
livy_config

Create a Spark Configuration for Livy
ml_call_constructor

Wrap a Spark ML JVM object
ml_fpgrowth

Frequent Pattern Mining -- FPGrowth
ml_gaussian_mixture

Spark ML -- Gaussian Mixture clustering.
ml_bisecting_kmeans

Spark ML -- Bisecting K-Means Clustering
ml_clustering_evaluator

Spark ML - Clustering Evaluator
ml_feature_importances

Spark ML - Feature Importance for Tree Models
ml_evaluator

Spark ML - Evaluators
ml_aft_survival_regression

Spark ML -- Survival Regression
ml_add_stage

Add a Stage to a Pipeline
ml_default_stop_words

Default stop words
ml-transform-methods

Spark ML -- Transform, fit, and predict methods (ml_ interface)
ml_evaluate

Evaluate the Model on a Validation Set
ml_isotonic_regression

Spark ML -- Isotonic Regression
ml_lda_tidiers

Tidying methods for Spark ML LDA models
ml_logistic_regression_tidiers

Tidying methods for Spark ML Logistic Regression
ml_logistic_regression

Spark ML -- Logistic Regression
ml_linear_regression

Spark ML -- Linear Regression
ml_kmeans

Spark ML -- K-Means Clustering
ml_isotonic_regression_tidiers

Tidying methods for Spark ML Isotonic Regression
ml_lda

Spark ML -- Latent Dirichlet Allocation
ml_kmeans_cluster_eval

Evaluate a K-mean clustering
ml_glm_tidiers

Tidying methods for Spark ML linear models
ml-tuning

Spark ML -- Tuning
ml_generalized_linear_regression

Spark ML -- Generalized Linear Regression
ml_multilayer_perceptron_classifier

Spark ML -- Multilayer Perceptron
ml_multilayer_perceptron_tidiers

Tidying methods for Spark ML MLP
ml_linear_svc

Spark ML -- LinearSVC
ml_metrics_regression

Extracts metrics from a fitted table
ml_linear_svc_tidiers

Tidying methods for Spark ML linear svc
ml_naive_bayes

Spark ML -- Naive-Bayes
ml_metrics_binary

Extracts metrics from a fitted table
ml_naive_bayes_tidiers

Tidying methods for Spark ML Naive Bayes
ml_pca_tidiers

Tidying methods for Spark ML Principal Component Analysis
ml_one_vs_rest

Spark ML -- OneVsRest
ml_pipeline

Spark ML -- Pipelines
ml_tree_tidiers

Tidying methods for Spark ML tree models
ml_metrics_multiclass

Extracts metrics from a fitted table
ml_stage

Spark ML -- Pipeline stage extraction
ml_standardize_formula

Standardize Formula Input for `ml_model`
ml_power_iteration

Spark ML -- Power Iteration Clustering
pivot_longer

Pivot longer
sdf_along

Create DataFrame for along Object
%>%

Pipe operator
pivot_wider

Pivot wider
print_jobj

Generic method for print jobj for a connection type
sdf_bind

Bind multiple Spark DataFrames by row and column
ml_model_data

Extracts data associated with a Spark ML model
quote_sql_name

Translate input character vector or symbol to a SQL identifier
random_string

Random string generation
ml_uid

Spark ML -- UID
ml_survival_regression_tidiers

Tidying methods for Spark ML Survival Regression
mutate

Mutate
ml_unsupervised_tidiers

Tidying methods for Spark ML unsupervised models
ml_summary

Spark ML -- Extraction of summary metrics
ml_prefixspan

Frequent Pattern Mining -- PrefixSpan
sdf_from_avro

Convert column(s) from avro format
sdf_describe

Compute summary statistics for columns of a data frame
sdf_fast_bind_cols

Fast cbind for Spark DataFrames
sdf_debug_string

Debug Info for Spark DataFrame
ml_random_forest_classifier

Spark ML -- Random Forest
replace_na

Replace NA
reactiveSpark

Reactive spark reader
sdf-saveload

Save / Load a Spark DataFrame
sdf_len

Create DataFrame for Length
sdf_num_partitions

Gets number of partitions of a Spark DataFrame
reexports

Objects exported from other packages
sdf_crosstab

Cross Tabulation
sdf_pivot

Pivot a Spark DataFrame
sdf_copy_to

Copy an Object into Spark
sdf_project

Project features onto principal components
sdf_rgeom

Generate random samples from a geometric distribution
sdf_dim

Support for Dimension Operations
sdf_last_index

Returns the last index of a Spark DataFrame
sdf-transform-methods

Spark ML -- Transform, fit, and predict methods (sdf_ interface)
sdf_is_streaming

Spark DataFrame is Streaming
sdf_distinct

Invoke distinct on a Spark DataFrame
sdf_rbeta

Generate random samples from a Beta distribution
sdf_read_column

Read a Column from a Spark DataFrame
right_join

Right join
sdf_rhyper

Generate random samples from a hypergeometric distribution
sdf_register

Register a Spark DataFrame
sdf_repartition

Repartition a Spark DataFrame
sdf_with_sequential_id

Add a Sequential ID Column to a Spark DataFrame
sdf_sort

Sort a Spark DataFrame
sdf_rbinom

Generate random samples from a binomial distribution
sdf_sample

Randomly Sample Rows from a Spark DataFrame
spark_adaptive_query_execution

Retrieves or sets status of Spark AQE
sdf_coalesce

Coalesces a Spark DataFrame
sdf_sql

Spark DataFrame from SQL
sdf_residuals.ml_model_generalized_linear_regression

Model Residuals
spark_advisory_shuffle_partition_size

Retrieves or sets advisory size of the shuffle partition
sdf_with_unique_id

Add a Unique ID Column to a Spark DataFrame
sdf_schema

Read the Schema of a Spark DataFrame
spark_compile

Compile Scala sources into a Java Archive
spark_apply_log

Log Writer for Spark Apply
spark_config

Read Spark Configuration
sdf_rpois

Generate random samples from a Poisson distribution
sdf_rt

Generate random samples from a t-distribution
sdf_separate_column

Separate a Vector Column into Scalar Columns
spark_dependency_fallback

Fallback to Spark Dependency
spark_config_value

A helper function to retrieve values from spark_config()
spark_session_config

Runtime configuration interface for the Spark Session
spark_dependency

Define a Spark dependency
spark_auto_broadcast_join_threshold

Retrieves or sets the auto broadcast join threshold
spark_config_kubernetes

Kubernetes Configuration
sdf_drop_duplicates

Remove duplicates from a Spark DataFrame
sdf_expand_grid

Create a Spark dataframe containing all combinations of inputs
sdf_seq

Create DataFrame for Range
spark_config_exists

A helper function to check value exist under spark_config()
select

Select
sdf_collect

Collect a Spark DataFrame into R.
spark_home_set

Set the SPARK_HOME environment variable
separate

Separate
spark_home_dir

Find the SPARK_HOME directory for a version of Spark
spark-api

Access the Spark API
na.replace

Replace Missing Values in Objects
spark_coalesce_shuffle_partitions

Retrieves or sets whether coalescing contiguous shuffle partitions is enabled
spark-connections

Manage Spark Connections
nest

Nest
spark_connect_method

Function that negotiates the connection with the Spark back-end
spark_compilation_spec

Define a Spark Compilation Specification
spark_install

Download and install various versions of Spark
spark_last_error

Surfaces the last error from Spark captured by internal `spark_error` function
registerDoSpark

Register a Parallel Backend
register_extension

Register a Package that Implements a Spark Extension
spark_coalesce_initial_num_partitions

Retrieves or sets initial number of shuffle partitions before coalescing
spark_install_find

Find a given Spark installation by version.
spark_read_jdbc

Read from JDBC connection into a Spark DataFrame.
spark_ide_connection_open

Set of functions to provide integration with the RStudio IDE
spark_connection-class

spark_connection class
spark_coalesce_min_num_partitions

Retrieves or sets the minimum number of shuffle partitions after coalescing
sdf_random_split

Partition a Spark Dataframe
spark_read_delta

Read from Delta Lake into a Spark DataFrame.
sdf_rexp

Generate random samples from an exponential distribution
spark_read_image

Read image data into a Spark DataFrame.
sdf_rgamma

Generate random samples from a Gamma distribution
sdf_quantile

Compute (Approximate) Quantiles with a Spark DataFrame
spark_load_table

Reads from a Spark Table into a Spark DataFrame.
spark_read_json

Read a JSON file into a Spark DataFrame
spark_table_name

Generate a Table Name from Expression
spark_config_packages

Creates Spark Configuration
sdf_broadcast

Broadcast hint
sdf_runif

Generate random samples from the uniform distribution U(0, 1).
spark_version

Get the Spark Version Associated with a Spark Connection
spark_version_from_home

Get the Spark Version Associated with a Spark Installation
spark_versions

Retrieves a dataframe available Spark versions that van be installed.
ft_sql_transformer

Feature Transformation -- SQLTransformer
sdf_partition_sizes

Compute the number of records within each partition of a Spark DataFrame
sdf_checkpoint

Checkpoint a Spark DataFrame
sdf_persist

Persist a Spark DataFrame
spark_context_config

Runtime configuration interface for the Spark Context.
spark_write_avro

Serialize a Spark DataFrame into Apache Avro format
spark_dataframe

Retrieve a Spark DataFrame
spark_config_settings

Retrieve Available Settings
spark_write_csv

Write a Spark DataFrame to a CSV
stream_read_parquet

Read Parquet Stream
src_databases

Show database list
sparklyr_get_backend_port

Return the port number of a `sparklyr` backend.
spark_write_text

Write a Spark DataFrame to a Text file
sdf_rweibull

Generate random samples from a Weibull distribution.
stream_read_text

Read Text Stream
sdf_unnest_wider

Unnest wider
stream_render

Render Stream
sdf_weighted_sample

Perform Weighted Random Sampling on a Spark DataFrame
spark_default_compilation_spec

Default Compilation Specification for Spark Extensions
spark_default_version

determine the version that will be used by default if version is NULL
spark_log

View Entries in the Spark Log
spark_insert_table

Inserts a Spark DataFrame into a Spark table
spark_read_orc

Read a ORC file into a Spark DataFrame
stream_find

Find Stream
stream_generate_test

Generate Test Stream
spark_pipeline_stage

Create a Pipeline Stage Object
spark_read_libsvm

Read libsvm file into a Spark DataFrame.
spark_save_table

Saves a Spark DataFrame as a Spark table
stream_stats

Stream Statistics
stream_read_socket

Read Socket Stream
spark_jobj-class

spark_jobj class
stream_read_delta

Read Delta Stream
stream_read_json

Read JSON Stream
sdf_rcauchy

Generate random samples from a Cauchy distribution
stream_stop

Stops a Spark Stream
stream_write_orc

Write a ORC Stream
stream_write_parquet

Write Parquet Stream
stream_write_delta

Write Delta Stream
worker_spark_apply_unbundle

Extracts a bundle of dependencies required by spark_apply()
spark_write_jdbc

Writes a Spark DataFrame into a JDBC table
stream_read_orc

Read ORC Stream
spark_write_delta

Writes a Spark DataFrame into Delta Lake
stream_read_kafka

Read Kafka Stream
stream_write_console

Write Console Stream
spark_statistical_routines

Generate random samples from some distribution
stream_write_json

Write JSON Stream
tbl_uncache

Uncache a Spark Table
stream_write_csv

Write CSV Stream
sdf_rchisq

Generate random samples from a chi-squared distribution
sdf_rlnorm

Generate random samples from a log normal distribution
sdf_rnorm

Generate random samples from the standard normal distribution
transform_sdf

transform a subset of column(s) in a Spark Dataframe
stream_write_kafka

Write Kafka Stream
sdf_to_avro

Convert column(s) to avro format
stream_write_memory

Write Memory Stream
spark_read_table

Reads from a Spark Table into a Spark DataFrame.
spark_read_avro

Read Apache Avro data into a Spark DataFrame.
spark_read

Read file(s) into a Spark DataFrame using a custom reader
spark_jobj

Retrieve a Spark JVM Object Reference
spark_read_text

Read a Text file into a Spark DataFrame
spark_web

Open the Spark web interface
spark_write_rds

Write Spark DataFrame to RDS files
spark_write

Write Spark DataFrame to file using a custom writer
spark_write_parquet

Write a Spark DataFrame to a Parquet file
spark_apply

Apply an R Function in Spark
sdf_unnest_longer

Unnest longer
unite

Unite
unnest

Unnest
spark_apply_bundle

Create Bundle for Spark Apply
stream_id

Spark Stream's Identifier
spark_connection

Retrieve the Spark Connection Associated with an R Object
spark_integ_test_skip

It lets the package know if it should test a particular functionality or not
spark_extension

Create Spark Extension
spark_get_java

Find path to Java
spark_connection_find

Find Spark Connection
stream_lag

Apply lag function to columns of a Spark Streaming DataFrame
tbl_cache

Cache a Spark Table
stream_watermark

Watermark Stream
tbl_change_db

Use specific database
stream_view

View Stream
spark_install_sync

helper function to sync sparkinstall project to sparklyr
spark_read_csv

Read a CSV file into a Spark DataFrame
spark_read_binary

Read binary data into a Spark DataFrame.
spark_read_parquet

Read a Parquet file into a Spark DataFrame
spark_read_source

Read from a generic source into a Spark DataFrame.
spark_write_orc

Write a Spark DataFrame to a ORC file
spark_write_table

Writes a Spark DataFrame into a Spark table
stream_trigger_interval

Spark Stream Interval Trigger
stream_read_csv

Read CSV Stream
spark_write_json

Write a Spark DataFrame to a JSON file
stream_name

Spark Stream's Name
spark_write_source

Writes a Spark DataFrame into a generic source
stream_trigger_continuous

Spark Stream Continuous Trigger
stream_write_text

Write Text Stream
[.tbl_spark

Subsetting operator for Spark dataframe
connection_spark_shinyapp

A Shiny app that can be used to construct a spark_connect statement
checkpoint_directory

Set/Get Spark checkpoint directory
collect_from_rds

Collect Spark data serialized in RDS format into R
compile_package_jars

Compile Scala sources into a Java Archive (jar)
connection_config

Read configuration values for a connection
connection_is_open

Check whether the connection is open
collect

Collect
DBISparkResult-class

DBI Spark Result.
arrow_enabled_object

Determine whether arrow is able to serialize the given R object
copy_to

Copy To
find_scalac

Discover the Scala Compiler
filter

Filter
ft_binarizer

Feature Transformation -- Binarizer (Transformer)