Browse by Domains

PySpark Tutorial : A beginner’s Guide 2024

In this guide, you’ll learn what PySpark is, why it’s used, who uses it, and what everybody should know before diving into PySpark, such as what Big Data, Hadoop, and MapReduce are, as well as a summary of SparkContext, SparkSession, and SQLContext. Check out the PySpark course to learn PySpark modules such as spark RDDs, spark DataFrame, spark streaming and structured, spark MLlib, spark ml, Graph Frames, and the benefits of PySpark.

Introduction to PySpark

Pyspark is an Apache Spark and Python partnership for Big Data computations. Apache Spark is an open-source cluster-computing framework for large-scale data processing written in Scala and built at UC Berkeley’s AMP Lab, while Python is a high-level programming language. Spark was originally written in Scala, and its Framework PySpark was later ported to Python through Py4J due to industry adaptation. It is a Java library built into PySpark that helps Python interact with JVM objects dynamically; therefore, to run PySpark, you must also have Java enabled in addition to Python and Apache Spark.

Spark programmes operate independently on a cluster, which is a collection of computers linked together to perform computations on vast amounts of data, with each computer called a node, some of which are master nodes and others slave nodes. PySpark is used in distributed systems; in distributed systems, data and measurements are distributed because these systems combine the resources of lesser computers and potentially provide more cores and capacities than even a powerful local single computer. Check out How Data Analysis Using Pyspark is done.

Beginning steps for PySpark  

  • Connecting to a cluster is the first step in Spark (a group of nodes at a remote location where the master node splits the data among the worker nodes, all the worker nodes report the results of the computations on data to the master node). It is as easy as building an object/instance of the class Spark Context to bind to the cluster.
  • You may use the SparkContext class to generate a SparkSession object that acts as an intercept with the cluster relation. Creating several SparkSessions will lead to problems.
  •  pyspark.sql — module from which the SparkSession object can be imported.
  • SparkSession.builder.getOrCreate() — function restores a current SparkSession if one exists, or produces a new one if one does not exist.

How do we view Tables 

  • After building the session, use Catalog to see what data is used in the cluster.
  • A Catalog is a SparkSession feature that lists all of the data in the cluster. There are various techniques for collecting various pieces of material.
  • spark.catalog.listTables() — this returns a list of all the tables in the catalogue.

When do we use PySpark?

PySpark is widely used in the Computer Science and Machine Learning communities since many widely used data science libraries, such as NumPy, are written in Python. TensorFlow is also commonly used due to its ability to handle large datasets quickly. Many businesses, including Walmart and Trivago, have used PySpark.

Which data is Big Data?

It is not considered Big Data as data will fit on a local computer on a scale of 0–32 GB based on RAM. But what if you have to work with a larger collection of data? Consider using a SQL client to transfer data from RAM to a hard disc. Using a distributed system instead, which distributes data to several machines/computers.

local vs distributed

  • A local device can permit the use of computing tools from a single computer.
  • A distributed machine has access to computational services that are accessed by a group of machines connected by a network.
  • Beyond a certain stage, scaling out to multiple lower CPU machines is easier than scaling up to a single high CPU unit. Distributed computers often have the advantage of being easily scalable; simply connect more units.

What is Hadoop?

Hadoop is a method for distributing extremely large files through a large number of computers.

It employs Hadoop’s Distributed File System (HDFS). Users can communicate with massive quantities of data using HDFS. In addition, HDFS duplicates data blocks for fault tolerance. It then makes use of MapReduce.

MapReduce helps you to perform computations on data. By default, HDFS can use data chunks with a maximum size of 128 MB. Each of these sections is repeated three times. The chunks are distributed in such a way that fault tolerance is provided. Smaller fragments allow for more parallel computing during processing. A large number of copies of a chunk aids in preventing data loss due to node error, security violations, or errors.

What is MapReduce?

Hadoop employs MapReduce, which enables distributed data computations. MapReduce is a technique for breaking down a computational task into a distributed set of files (such as HDFS). It includes a Job Tracker as well as other Task Trackers.

The Job Tracker sends codes to the Task Trackers for execution.

Task trackers allocate Memory space to workers and report on their progress to slave nodes.

Spark vs. MapReduce

  1. 1. Spark does not need a file server, whereas MapReduce can store files in a Hadoop distributed file system.
  2. 2. Spark outperforms MapReduce by up to 100 times when it comes to running operations.
  3. 3. Using MapReduce MapReduce writes the remaining data to disc for each Map (here, the input data is processed and stored in an HDFS after which the mapper method produces small chunks of data) and Reduce (here, the input data from the map stage is processed and produced a new set of output for storage in the HDFS) procedure. whereas The majority of the data is loaded into memory after each Spark shift.
  4. If the memory in Spark runs out, it will overflow onto the disc.
  5. MapReduce writes the majority of the data to disc after each map and reduces operation.
  6. Spark retains the bulk of the data in memory after each transformation.

Check out sparks basics to handle and optimize Big Data workloads.

Brief description of Apache Spark and PySpark

  • Open-source software Apache Spark is a real-time processing system that analyses and computes real-time data. One limitation of MapReduce was its inability to perform real-time processing, which prompted the creation of Apache Spark, which was capable of handling both batch and real-time processes. It has a cluster manager where applications can be hosted. How are we going to write Spark? — Scala (the primary language of Apache Spark), Python (PySpark), R (SparkR, sparklyr), and SQL (Spark SQL) are all supported languages by Spark; users can use their favourite libraries from any of these languages and they are ready to go!!
  • PySpark is a forum created by the Apache Spark Community to help Python interact with Spark. Because of PySpark, it was possible to process RDDs (Resilient Distributed Datasets) in Python. Because of its comprehensive library collection, Python is used by the vast majority of data scientists and analytics experts today. Python’s integration with Spark is a major bonus to any distributed computing enthusiast.

What is SparkSession?

After Spark 2.0, SparkSession was used as a portal into PySpark to work with RDD and DataFrame. SparkContext served as an entry point before version 2.0. Spark 2.0 introduced the SparkSession class, which is a centralised class that contains all of the contexts that existed before the 2.0 update (SQLContext and Hive Context etc.). SparkSession may be used in place of SQLContext, HiveContext, and other pre-2.0 circumstances after version 2.0. Even though SparkContext was an entry point before 2.0, it has not been completely replaced by SparkSession; certain SparkContext functions are still present and are used in Spark 2.0 and later. It should also be noted that SparkSession internally generates SparkConfig and SparkContext based on the configuration provided by SparkSession.

As previously said, SparkSession serves as a key to PySpark, and creating a SparkSession case is the first statement you can write to code with RDD, DataFrame. SparkSession will be generated using SparkSession.builder patterns.

Here’s how to make a SparkSession:

” from pyspark.sql import SparkSession
spark = SparkSession.builder.appName(‘rev’).getOrCreate()”

builder() — The builder pattern is used to construct a SparkSession.

If a SparkSession already exists, getOrCreate() either generates it or returns it.

appName() — returns the name of your app (it can be anything).

Any SparkSession approaches are as follows:

getActiveSession() — returns an active SparkSession if one exists.

version — it obtains the spark version in which the current application is running.

read() — Sends a DataFrameReader class element, which is used to read records into DataFrame from CSV, Parquet, and other file formats.

table() returns a DataFrame, which may be a table or a view.

SQL context() — Initializes the SQL context.

stop() — Brings the current sqlContext to a halt.

What is SparkContext?

The SparkContext portal is where Apache Spark functionality is accessed. The generation of SparkContext is a much more important phase in any Spark operator programme. It allows the Spark Application to communicate with the Spark Cluster through the Resource Manager (YARN/Mesos). SparkContext cannot be generated before SparkConf has been created. Our Spark driver software can use SparkConf to send a configuration parameter to the SparkContext. This was before the introduction of SparkSession.

What is SQLContext about? 

The DataFrame is a more practical choice. Since the SparkContext has already been developed, it will be used to build the dataFrame. The SQLContext must also be specified. SQLContext makes it possible to link the engine to several data sources. It is used to enable Spark SQL’s features.

” from pyspark.sql import Row
from pyspark.sql import SQLContext

sql_Context = SQLContext(sql__context)”

How do we get started with PySpark?

The two approaches I’ll describe here are user-friendly and suitable for getting started with Pyspark. Both approaches are unaffected by the local system. As a result, requiring a complex device configuration will be unnecessary.

The steps and necessary code snippets are mentioned below in case they are useful —

Approach 1 — Google Colab

Using Google Colab is a simple and efficient process. Why are we using Colab — Colab is based on Jupyter Notebook, an incredibly scalable platform that leverages Google Docs software. Since it runs on a Google server, we don’t need to instal something locally in our code, whether it’s Spark, deep learning, or a machine learning model. One of Colab’s most appealing features is the free GPU and TPU support! Since the GPU support is hosted on Google’s cloud, it is also faster than other currently available GPUs such as Nvidia.

1. Since spark is written in Scala and requires JDK to work, So install JDK.

2.Downloading and Unzipping the spark package from  https://spark.apache.org/downloads.html.

3. Findspark finds spark and initializes the spark environment, hence install it.

” #Installing the JDK here

!apt-get install openjdk-8-jdk-headless -qq

#Downloading the spark 2.4 version from apache.org
!wget -q

#processing the tar file

!tar xf spark-2.4.7-bin-hadoop2.6.tgz


#installing find spark in order to locate spark

!pip install -q findspark”

4. Setting paths for JAVA_HOME, SPARK_HOME So that it finds Java, spark package respectively.

# importing os package
import os

# setting the paths of java, spark which we downloaded before in order to get started 
os.environ["JAVA_HOME"] = "/usr/lib/jvm/java-8-openjdk-amd64"
os.environ["SPARK_HOME"] = "/content/spark-2.4.7-bin-hadoop2.6"

5. Test the installation of all packages with the help of findspark. 

# importing findspark in order to locate spark
import findspark
findspark.init()

from pyspark.sql import SparkSession
# master is local since the environment is not distributed
spark = SparkSession.builder.master("local[*]").getOrCreate()

Approach 2 — DataBricks

Databricks is a company that provides AWS-based clusters with the convenience of already having a Notebook System set up and the ability to easily add data. A comprehensive open data analytics platform for data engineering, big data analytics, machine learning, and data science. The same people who created Databricks also created Apache SparkTM, Delta Lake, MLflow, and Koalas. There are no installation requirements since it comes with its cluster and sparks setting to get started with. It has a free community version that supports a 6 GB cluster. It also has its file system, which is called DBFS. For advanced features such as collaboration and using more than one cluster, an upgrade is needed, but for beginners and getting acquainted with Pyspark, the DataBricks Community Edition is sufficient.

  1. Begin with the DataBricks Community Edition, which is free to use and ideal for getting started. It is free unless you choose to use advanced features such as multiple clusters. Please keep in mind that Databricks Community Edition only allows for the development of one driver cluster.

Figure 1:Welcome page of DataBricks Community Edition

2. Click on New Notebook, as seen in Figure 1, to get started with an experience similar to, if not better than, Jupiter notebooks.

3. After you’ve opened the new notebook, go to the cluster attachment section on the top of the notebook, as shown in figures 2 and 3.

Figure 2:Create Cluster

Give the cluster a tag, pick the runtime version, and click on build a cluster to start the cluster. It takes about a minute to start the cluster.

Figure 3:New Cluster creation window

Components of Pyspark

  1. Spark Resilient Distributed Dataset(RDDs)- A fundamental PySpark building block consisting of a fault-tolerant, changeless distributed collection of properties. The term “changeless” refers to the fact that once an RDD is created, it cannot be changed. RDD divides each record into logical partitions that can be computed on completely different cluster nodes. In other words, RDDs are a set of objects analogous to a list in Python, except that RDDs are calculated on multiple methods spread through several physical servers, also known as cluster nodes. The following are the main characteristics of a Resilient Distributed Dataset (RDD):
  • Fault-tolerance 
  • Skills for distributed data collection
  • Segmented parallel services
  • The freedom to access a variety of data sources
  • The operations that are done on RDDs — 
  • Actions are procedures that enable the computation of returned RDD values.
  • Transformations are Lazy operations that return another RDD rather than changing an RDD.

Let’s make an RDD by calling spark context. parallelize() with a Python list. In Python, a list is a data structure that contains a set of objects. Objects in a list are enclosed in square brackets, as in [data1, data2, data3]. When you generate an RDD in PySpark, if you have data in a registry, which means you have a set of data in PySpark driver storage, this selection would be parallelized.

import pyspark
from pyspark.sql import SparkSession

spark = SparkSession.builder.appName('rev').getOrCreate()
employee = [("Radhika",10), 
        ("Kaavya",20), 
        ("Varnika",30), 
        ("Akshay",40) 
      ]
rdd = spark.sparkContext.parallelize(employee)

if one wants to convert RDD to a Spark DataFrame one can use toDf() as follows — 

dataframee = rdd.toDF()
dataframee.printSchema()
dataframee.show()

One can even define column names within an argument which toDf() function takes which you can have a look at below — 

emp_columns = ["emp_name","emp_id"]
df = rdd.toDF(emp_columns)
df.printSchema()
df.show(truncate=False)

another way is using StructType and StructField along with createDataframe for setting up the column names— 

from pyspark.sql.types import StructType,StructField, StringType
empSchema = StructType([       
    StructField('emp_name', StringType(), True),
    StructField('emp_id', StringType(), True)
])

employee_df = spark.createDataFrame(data=employee, schema = empSchema)
employee_df.printSchema()
employee_df.show(truncate=False)
  1. Spark DataFrame and SQL —  DataFrame has a wide range of operations that are very useful when working with data. It can be created in several different data formats. Loading data from JSON, CSV, and other formats, as well as data loaded from an existing RDD. Programmatically, schemas may be described.

Converting a Spark Dataframe to a Pandas Dataframe-

  • After querying a big dataset and querying a large dataset and aggregating it down to something manageable, a platform like pandas can be used.
  • .toPandas() — used to convert a spark DataFrame to a pandas DataFrame.
# the select query to fetch attributes from the table
q = 'SELECT name, place, phone, count(*) as N, FROM directory GROUP BY name,place'
# .sql processes the sql query
emp_count = spark.sql(q)
# topandas() converts the query results to pandas df
pd_counts = emp_count.toPandas()
# head() gives the starting records from the df
print(pd_counts.head())

Transitioning from Pandas to spark — 

  • createDataFrame() — To obtain a Spark DataFrame, the procedure of the SparkSession class takes a Pandas DataFrame and returns the above. This translated data frame is not saved in the catalogue and cannot be queried for data using the.sql() tool.
  • createTempView() — A Spark DataFrame system for creating a temporary table and storing it in the catalogue. It accepts one statement, which is the name of the table to be recorded.
  • createOrReplaceTempView() — This method either build a new temporary table or replaces current ones.

Spark DataFrames Operations — 

  • Loading a CSV to a Spark DataFrame.
# Every field’s data types are automatically guessed with the help of inferschema
df = spark.read.csv('/FileStore/tables/appl_stock.csv', inferSchema=True, header=True)

To print the schema. A schema is a tracery that represents the logical view of the records. It defines how data is organised and the relationships between them. It specifies all of the constraints that will be applied to the performance.

# displays the schema
df.printSchema()

  • To display a spark DataFrame in a table format, we use show. 

df.show()

  • We can also filter some records by applying a certain condition from the Spark DataFrame. 

   df.filter(‘Close < 500’).show()

  • We can even select only a few from the conditionally filtered results according to our requirement with the help of select.

   df.filter(‘Close < 500’).select(‘Open’,’Close’).show()

  • We can use conditional operators for filtering with conditions. 

~ is not, & is and, | is or, etc. We would be using circular brackets in case of filtering with two conditions.  

df.filter((df[‘Close’] <200) & ~(df[‘Open’]>200)).show()

• The collect() feature is used to fetch all of the dataset’s items (from all nodes) to the driver node. On smaller datasets, collect() can be used after filter(), group(), and count().

res = df.filter(df[‘low’] == 197.16).collect()

  • We can even convert a Spark DataFrame’s row to a dictionary using asDict(). 

row = res[0]
row.asDict()[‘Volume’]

The groupby() functionality on DataFrame is used to separate related data into groups and perform aggregate functions on the grouped data.

df.groupBy(‘Company’).show()

• orderby() is used to sort items in ascending or descending order based on a certain attribute.

df.orderBy(df[‘Sales’].desc()).show()

• We can also use aggregate functions like min(), max(), mean(), and count() on clustered data, as shown in the code snippet below. min() returns the minimum of the applied attribute, max() returns the limit of the applied attribute, mean() returns the data’s mean, count() returns the number of instances of the applied attribute, avg() returns the average, and stddev() returns the standard deviation value.

df.groupBy(‘Company’).mean().show()
df.groupBy(‘Company’).max().show()
df.groupBy(‘Company’).min().show()
df.groupBy(‘Company’).count().show()
df.select(avg(‘Sales’)).show()
df.select(stddev(‘Sales’)).show()

date and timestamps — If you’re using PySpark for ETL, date and time are crucial. They are supported on DataFrame which SQL queries and work in the same way as regular SQL. Most of these functions accept input in the form of a Name, Timestamp, or Sequence. If you use a String, it should be in a common format that can be translated to a date.

from pyspark.sql.functions import (date_format, format_number ,dayofyear, month, year, weekofyear, dayofmonth, hour)

df.select(dayofmonth(df[‘Date’])).show()
df.select(hour(df[‘Date’])).show()
df.select(month(df[‘Date’])).show()
df.select(year(df[‘Date’])).show()

Also Read: Apache Spark

  1. Streaming 

Spark Streaming is a Spark API framework that enables flexible, high-throughput, fault-tolerant live streaming data processing. Data can be consumed from a variety of outlets, including Kafka, Flume, and HDFS/S3. These are open-source libraries for actually establishing a streaming infrastructure; the data is then processed using algorithms expressed with high-level functions such as a map, reduce, and enter. Spark Streaming captures live source data streams from inside and divides them into batches, which are then analysed by the Spark engine to generate the final batch of production seen in figure 4.

Figure 4:process flow of Spark Streaming

The measures for streaming will be as follows:

• The first step will be to create a SparkContext.

• The next step will be to build a StreamingContext.

• Establishing a Socket Text Stream

• Reading between the lines as a ‘DStream’ (or the data stream).

Following the acquisition of the data source, the following steps will be taken:

• Splitting the input line into a list of terms.

• Converting each phrase to a tuple: (1st word)

• Grouping the tuple by reducing by the main term and summarising the second statement, which is number one (1).

• This will result in a word count of (‘word’, 4) for each line.

Structured Streaming 

The central concept in Structured Streaming is to think of a live data stream as a table that is constantly being appended to. As a result, a new stream processing model is created that is somewhat close to a batch processing model. Think of the input data stream as the “Input Table.” Per data object that enters the stream is like adding a new row to the Input Table. The “Result Table” is generated by running a query on the input. Fresh rows are appended to the Input Table per trigger interval (say, every 1 second), which finally updates the Result Table. We’d like to write the modified result rows to an external sink once the result table is checked.

4. Spark Machine Learning Library (MLlib) — 

What exactly is machine learning? — Machine learning is a computer analysis technique that automates the creation of analytical models. Machine learning, which employs algorithms that learn from results iteratively, allows computers to uncover hidden knowledge without being explicitly programmed where to search. Detecting hacking, search engine performance, real-time ads on blogs, credit appraisal, and second-best deals are all possible use cases. Prediction of equipment failure, new pricing techniques, detection of network intrusions Customer Segmentation, Text Sentiment Analysis, Customer Churn Prediction, Pattern and Image Recognition, Financial Simulation, Email Spam Filtering, and Recommendation systems. The MLlib in Spark is mostly designed for Supervised and Unsupervised Learning functions, and the bulk of its algorithms fall into those two categories.

MLlib is Spark’s machine learning (ML) library. Its goal is to create functional machine learning that is both scalable and basic. One of the most important “features” of using MLlib is that you would format the data so that it eventually has just one or two columns:

Labels and Features (Supervised)

Features (Unsupervised)

Mechanisms such as ML are available at a high level in Spark MLlib. Traditional learning algorithms include classification, regression, clustering, and collective filtering. Feauturization includes feature extraction, transformation, dimensionality reduction, and collection. Pipelines are tools for developing, analysing, and fine-tuning machine learning models. Infrastructure includes pipelines.

Persistence is the ability to save and restart algorithms, templates, and pipelines.

Utilities include linear algebra, statistics, and data handling, among other things.

High-Level Goals of MLlib —

— Functional machine learning that is scalable and fast.

— Simplifies the development and deployment of scalable machine learning pipelines.

mlib. classification —  There are several binary and multi-class classification and regression techniques that can be used in conjunction with algorithms such as Random Forest, Decision Trees, XGBoost, and Gradient Boosted Trees.

Decision trees, logistic regression, random forests, naive Bayes, and gradient-boosted trees are examples of binary classification algorithms.

Random forests, naive Bayes, logistic regression, and decision trees are examples of multiclass classification algorithms.

mllib.regression —  Regression analysis aims to find correlations and dependencies between variables. The interface for dealing with linear regression models is similar to that for dealing with logistic regression models.

Though regression algorithms such as Lasso, ridge regression, decision trees, random forests, and gradient-boosted trees are available.

mllib.clustering —  Unsupervised learning is a method of obtaining references from databases that include only input data and no labelled effects.

Clustering is the process of identifying a population or sequence of data points in such a way that data points in the same classification are more analogous to data points in the same category and dissimilar to data points in other categories. It is simply a catalogue of objects arranged according to their resemblance and dissimilarity. The KMeans algorithm is one such example. k-means is a common clustering algorithm that divides data points into a fixed number of clusters. The KMeans|| method is a parallelized variant of the k-means++ method used in the MLlib implementation. As the base model, KMeans is applied as an Estimator and produces a KMeansModel.

mlllib.stat —  MLlib provides summary statistics for RDD through the Statistics package’s function colStats() . colStats() — for each column, returns the minimum, maximum, mean, difference, number of non-zero values, and total count.

Here’s a quick description of a quantitative overview using mlllib.

Creating the sparkSession and importing the required packets.

#importing sparksession module
from pyspark.sql import SparkSession

#importing statistics module from mllib.stat
from pyspark.mllib.stat import Statistics
import pandas as pd

#creating spark object
spark = SparkSession.builder.appName(‘StatisticalSummary’).getOrCreate()

reading the data 

# reading the spark data
data = spark.read.csv(‘/FileStore/tables/Admission_Prediction.csv’, header = True, inferSchema = True)

# displaying the data
data.show()

# printing the schema
data.printSchema()

# geting the column names
data.columns

# knowing the datatype
type(data)

Checking for the null values and dealing with the null values.

# Importing necessary sql functions
from pyspark.sql.functions import col, count, isnan, when

data.select([count(when(col(c).isNull(), c)).alias(c) for c in data.columns]).show()

The imputer estimator fills in missing values in a dataset by using either the mean or the median of the columns in which the missing values are found, with the mean being the standard.

# importing imputer from ml.feature module
from pyspark.ml.feature import Imputer

#making imputer object
imputer = Imputer(inputCols=[‘GRE Score’,
‘TOEFL Score’,
‘University Rating’], outputCols = [‘GRE Score’,
‘TOEFL Score’,
‘University Rating’])

# fitted model
model = imputer.fit(data)
imputed_data = model.transform(data)

imputed_data.select([count(when(col(c).isNull(), c)).alias(c) for c in imputed_data.columns]).show()

making RDD of the vectors and then converting it to DataFrame. 

features = imputed_data.drop(‘Chance of Admit’)
column_names = features.columns
features_rdd = features.rdd.map(lambda row: row[0:])

features.show()

features_rdd.toDF().show()

statistical summary of the data

summary = Statistics.colStats(features_rdd)
print(a dense vector representing each column’s mean value:\n’, summary.mean())
print(‘\n’)
print(‘column-wise variance:\n’, summary.variance())
print(‘\n’)
print(‘number of nonzeros in each column:\n’, summary.numNonzeros())

Checking for correlation using Pearson method

corr_mat=Statistics.corr(features_rdd, method=”pearson”)
corr_df = pd.DataFrame(corr_mat)
corr_df.index, corr_df.columns = column_names, column_names

5. Spark ml

spark.ml is a package introduced in 1.2 version that includes a consistent set of high-level APIs to help developers build and tune practical machine learning pipelines. It’s still in alpha, and we’d like to hear from the community about how it suits real-world use cases and how it might be improved.

Here’s a quick demonstration of spark ml pipelines —

• Transformers (transform())-Preprocessing step of function extraction, turning data into a consumable format, taking an input column and transforming it to an output column, normalising data, tokenization, converting categorical values to numerical values are a few instances.

• Estimator (fit())-A data-driven learning algorithm that trains (fits) and returns a model, which is a kind of transformer; String Indexer and One Hot Coder are two instances.

• Evaluator-Test the model’s performance using a specific metric — ROC, RMSE, and so on. Helps to automate the model tuning process. The model utility is compared, and the best model for prediction generation is chosen.

Spark.ml also has a variety of classification and regression algorithms that you can use to solve your problems.

Here is a brief implementation of the logistic regression issue with code snippets that might be of assistance.

Creating a spark object and importing a spark session

from pyspark.sql import SparkSession
spark = SparkSession.builder.appName(‘log_pro’).getOrCreate()

reading the data and printing schema

# reading a csv file
df = spark.read.csv(‘/FileStore/tables/customer_churn.csv’, inferSchema=True, header=True)

# getting the schema of the spark dataframe
df.printSchema()

Making a vector assembler object with two arguments: inputCols, which contains all of the functions, and outputCol, which contains the label. A vector assembler’s job is to combine raw features and features created by various transforms into a single function vector. In general, vector assembler can remain in your workflow if you want to add all of your features before training or ranking your model.

#Importing vector assembler from ml.feature module
from pyspark.ml.feature import VectorAssembler

# creating assembler object
assembler = VectorAssembler(inputCols=[‘Age’,
‘Total_Purchase’,
‘Account_Manager’,
‘Years’,’Num_Sites’], outputCol = ‘features’)

getting the output from the assembler.

# output variable has the transformed data
output = assembler.transform(df)
fin_data = output.select(‘features’,’churn’)

splitting the data into train and test.

train, test = fin_data.randomSplit([0.7,0.3])

Importing the LogisticRegression package from the ml.classification module and making the model object.

from pyspark.ml.classification import LogisticRegression

lr_model = LogisticRegression(labelCol=’churn’)

training the model 

fitted_model = lr_model.fit(train)

#getting the training summary
training_summary = fitted_model.summary

getting the final predictions

training_summary.predictions.describe().show()

Here’s my detailed data bricks notebook on Logistic Regression — 

log_reg_pro – Databricks
Edit descriptiondatabricks-prod-cloudfront.cloud.databricks.com

Spark ml also offers clustering algorithm methods like Kmeans clustering.

Here’s my detailed clustering data bricks notebook for reference — 

K_means_clustering – Databricks
Edit descriptiondatabricks-prod-cloudfront.cloud.databricks.com

Spark Mllib vs Spark ML

6. Spark Serializers

Serialization is used to fine-tune the performance of Apache Spark. Data should be serialised when it is sent over the network, written to disc, or stored in memory. In high-cost operations, serialisation is critical.

PySpark allows you to fine-tune output by using custom serializers. PySpark supports the two serializers mentioned below:

MarshalSerializer — The Marshal Serializer in Python is used to serialise objects. While this serializer is faster than PickleSerializer, it only supports a subset of data types.

PickleSerializer — The Pickle Serializer in Python is used to serialise objects. This serializer can handle almost any Python object, although it is likely to be slower than more sophisticated serializers.

7. Spark GraphFrames

GraphFrames is an Apache Spark package that provides graphs based on DataFrames. It is compatible with high-level APIs written in Java, Python, and Scala. It aims to include GraphX features as well as extended capabilities in Python and Scala through the use of Spark DataFrames. Motif recognition, DataFrame-based serialisation, and highly expressive graph queries are among the latest features.

Graph Theory and Graph Processing — Graph analysis is an essential aspect of science that has a wide variety of applications. The basic goal of graph theory and processing is to define associations between different nodes and edges. Edges define the relationships between nodes or vertices, which are the classes. This is ideal for social network analysis and running algorithms like PageRank to help understand and weigh relationships.

Pros of using pyspark

• PySpark is a specialised in-memory distributed processing engine that allows you to efficiently process data in a distributed manner.

• Programs running on PySpark are 100 times faster than regular applications.

• By using PySpark for data ingestion pipelines, you can learn a lot. PySpark can be used to process data from Hadoop HDFS, AWS S3, and a host of file systems.

• PySpark is also used to process real-time data through the use of Streaming and Kafka.

• With PySpark streaming, you can switch data from the file system as well as from the socket.

• PySpark, by chance, has machine learning and graph libraries.

Conclusion

PySpark is a great place to start when it comes to Big Data Processing. You discovered in this guide that if you’re familiar with a few practical programming principles like map (), filter (), and basic Python, you don’t have to spend a lot of time learning upfront. You can use any Python tool you’re already familiar with in your PySpark programmes, like NumPy and Pandas. You will now be capable of understanding built-in Python Big Data concepts. Build clear PySpark services. Run PySpark programmes on small datasets on your local computer. Examine more powerful Big Data implementations, such as a Spark cluster or a custom, hosted solution.

Take up a free SpySpark course ,and get course completion certificate from Great learning. Our PySpark courses are designed for those who want to gain practical skills in data processing and analysis using this powerful tool. Whether you’re a beginner or have some experience with Python, our courses will help you take your skills to the next level.

Avatar photo
Great Learning Team
Great Learning's Blog covers the latest developments and innovations in technology that can be leveraged to build rewarding careers. You'll find career guides, tech tutorials and industry news to keep yourself updated with the fast-changing world of tech and business.

Leave a Comment

Your email address will not be published. Required fields are marked *

Scroll to Top