Python Level 2 - Libraries
Python Level 2 - Libraries
Summary: In this unit, we will explore three essential Python libraries: NumPy, Pandas, and
Scikit-learn. These libraries play crucial roles in various aspects of data analysis,
manipulation, and machine learning. We will learn how to use NumPy for numerical
computing, Pandas for data manipulation and analysis, and Scikit-learn for implementing
machine learning algorithms. By the end of this unit, you will have an understanding of these
libraries and their applications in real-world scenarios.
Key concepts: Numpy Array, pandas series, pandas dataframe, knn- classifier
Learning Outcomes: Understand the fundamental concepts of NumPy, Pandas, and scikit-
learn.
● Utilize NumPy for array manipulation
● Use Pandas to work with structured data
● Apply scikit-learn to build and evaluate machine learning models for classification.
● Gain practical experience through hands-on exercises and projects that involve real-
world datasets.
Think of a library in our school. It's a magical place filled with rows upon rows of books, each
waiting to be explored and discovered. Just like that, in the world of Python, we have libraries.
These are collections of modules, each containing prewritten code designed for specific tasks
within a program.
Imagine each module as a treasure chest, filled with code gems ready to be used in our
programs. These gems save us from the tedious task of writing the same code over and over
again. With Python libraries, programming becomes like solving puzzles with ready-made
pieces. It's like having a secret stash of tools for any job we encounter.
Python libraries are not just handy; they're essential, especially in exciting fields like Machine
Learning, Data Science, and Data Visualization. They provide us with the building blocks to
create amazing projects without starting from scratch every time. So, just like exploring the
shelves of a library can open up new worlds, exploring Python libraries can unlock endless
possibilities in the world of programming.
Working of Library
Libraries are incredibly useful because they spare us from the need to rewrite code that's
already available. When we incorporate a library into our program and run it, the linker
automatically hunts down that library. It then extracts the functionalities of that library and
interprets the program accordingly.
Think of it like this: linking a library is akin to plugging in a powerful tool that your program can
use. The linker acts as a mediator, seamlessly integrating the functionalities of the library into
your program's execution. This means that instead of reinventing the wheel with every new
program, we can leverage the existing resources within libraries to streamline our development
process. It's like having a trusted assistant who fetches the right tools for the job, saving us time
and effort along the way."
The Python Standard Library
The Python standard library is a cornerstone of the Python programming language, providing
the essential building blocks that define its syntax, semantics, and core functionality. With more
than 200 core modules primarily implemented in C, this library serves as a gateway to critical
system functionalities like input/output management.
Moreover, it offers a plethora of advanced features, including high-level data structures like
dictionaries and lists, which empower developers to create robust and efficient solutions. In
essence, the Python standard library is the bedrock upon which countless Python applications
are built, offering a rich assortment of tools and functionalities to streamline development and
enhance productivity.
Now, let's explore some libraries that are incredibly valuable in the realm of Artificial Intelligence.
Numpy
NumPy, which stands for Numerical Python, is a powerful library in Python used for numerical
computing. It is a general-purpose array-processing package. An array is a central data
structure that represents a grid of values, all of the same type, and is indexed by a tuple of
nonnegative integers. An array class(A class is a blueprint for creating objects. It defines the
properties (attributes) and behaviors (methods) ) in Numpy is called as ndarray.
Where and why do we use the Numpy library in Artificial Intelligence?
Suppose you have a dataset containing exam scores of students in various subjects,
and you want to perform some basic analysis on this data.we use NumPy arrays to
store exam scores for different subjects. We then perform various operations such
as calculating average scores for each subject, finding total scores for each student,
calculating the overall average score, and identifying the highest and lowest scores
using Numpy methods.
Installation of NumPy
NumPy can be easily installed using Python's package manager, pip. We can download it using
command in their terminal or command prompt:
In the above code a tuple (3, 3) is created and assigned to variable 'a'. The np.zeros() function
is called with 'a' as its argument, which creates a numpy array of zeros with a shape of (3, 3).
(ii) numpy.full() in Python - It will create a new array with the same shape and type as a given
array filled with a fill_value.
Syntax - numpy.full(shape, fill_value, dtype = None, order = ‘C’)
Where-
shape : Number of rows
order : C_contiguous or F_contiguous
dtype : [optional, float(by Default)] Data type of returned array.
fill_value : [bool, optional] Value to fill in the array.
(iii) numpy.empty() in Python - It will create a new array of given shape and type, with random
values.
Syntax- numpy.empty(shape, dtype = float, order = ‘C’)
Where -
shape : Number of rows
order : C_contiguous or F_contiguous
dtype : [optional, float(by Default)] Data type of returned array.
Note : empty, unlike zeros, does not set the array values to zero
Practice- Create a 1-D array of the size accepted from the user and also accept values at each
location
Index 0 1 2 3
L→R
Arr 45 67 43 29
Index -4 -3 -2 -1
R→L
Arr 45 67 43 29
So, from the above tables we can see that any number in an array has 2 index values one in
forward direction and the other in the backward direction. i.e., 67 has index values as 1 and -3.
Practice - Consider the following Numpy one dimensional array and give the output of the
underlying statements.
import numpy as np
arr=np.array([6,7,8,9,23,45])
PANDAS LIBRARY
The name "Pandas" has a reference to both "Panel Data", and "Python Data Analysis" . Pandas
is a powerful and versatile library that simplifies tasks of data manipulation in Python . Pandas is
built on top of the NumPy library which means that a lot of structures of NumPy are used or
replicated in Pandas and Pandas is particularly well-suited for working with tabular data, such
as spreadsheets or SQL tables. Its versatility and ease of use make it an essential tool for data
analysts, scientists, and engineers working with structured data in Python.
If you have Python and PIP already installed on a system, then installation of Pandas is very
easy.
After the pandas have been installed into the system, you need to import the library.
import pandas as pd
Here, pd is referred to as an alias to the Pandas. You can refer to it with any name. However, it
is not necessary to import the library using the alias, it just helps in writing less code every time
when a method is called.
Pandas Data Structures
Pandas generally provide two data structures for manipulating data, They are:
● Series
● Data Frame
Pandas Series
A Series is a one-dimensional array containing a sequence of values of any data type (int,
float, list, string, etc) which by default have numeric data labels starting from zero. The data
label associated with a particular value is called its index. We can also assign values of other
data types as index. We can imagine a Pandas Series as a column in a spreadsheet.
Observe that output is shown in two columns - the index is on the left and the data value is on
the right.
We can also assign user-defined labels to the index and use them to access elements of a
Series. The following example has a numeric index in random order
Series in Pandas deals with one-dimensional data, in data science, we often encounter datasets
with two-dimensional structures. This is where Pandas DataFrames shine.
Creation of DataFrame
There are number of ways to create a DataFrame. Some of them are listed in this section
import pandas as pd
dFrameEmt = pd.DataFrame()
dFrameEmt
This gives you an empty dataframe
ii) Creation of DataFrame from NumPy ndarrays- Consider the following three NumPy ndarrays.
Let us create a simple DataFrame without any column labels, using a single ndarray:
import numpy as np
array1 = np.array([10,20,30])
array2 = np.array([100,200,300])
array3 = np.array([-10,-20,-30, -40])
dFrame4 = pd.DataFrame(array1)
print(dFrame4)
Output:
We can create a DataFrame using more than one ndarrays, as shown in the following example:
iii) Creating DataFrame from dict of ndarray/lists: To create DataFrame from dict of narray/list,
all the narray must be of same length. If index is passed then the length index should be equal
to the length of arrays. If no index is passed, then by default, index will be range(n) where n is
the array length.
import pandas as pd
# intialise data of lists.
data = {'Name':['Soumya', 'Akhil', 'Smitha', 'Meenu','Mehreen'],
'Age':[37,30,38, 39,40]}
# Create DataFrame
df = pd.DataFrame(data)
# Print the output.
print(df)
OUTPUT:-
● Note: - dictionary keys become column labels by default in a DataFrame, and the lists
become the rows.
iv) Creation of DataFrame from List of Dictionaries:-We can create DataFrame from a list of
Dictionaries, Here, the dictionary keys are taken as column labels, and the values
corresponding to each key are taken as rows, for example-
# Create list of dictionaries
listDict = [{'a':10, 'b':20}, {'a':5,'b':10,'c':20}]
a= pd.DataFrame(listDict)
print(a)
Output:-
There will be as many rows as the number of dictionaries present in the list. In the above
example there are two dictionaries in the list. So, the DataFrame consists of two rows. Number
of columns in a DataFrame is equal to the maximum number of keys in any dictionary of the list.
Hence, there are three columns as the second dictionary has three elements.
Note :- NaN (Not a Number) is inserted if a corresponding value for a column is missing.
In order to add a new column for another student ‘Mansi’, we can write the following statement:
Result['Fathima']=[89,78,76]
print(Result)
ii) Adding a New Row to a DataFrame:- We can add a new row to a DataFrame using the
DataFrame.loc[ ] method. Consider the DataFrame Result that has three rows for the three
subjects – Maths, Science and Hindi. Suppose, we need to add the marks for English subject in
Result, we can use the following statement:
The following example shows how to delete the columns having labels ‘Rajat’, 'Meenakshi' and
‘Karthika’’:
Result = Result.drop(['Rajat','Meenakshi','Karthika'], axis=1)
print(Result)
iv) Renaming Row Labels of a DataFrame:- We can change the labels of rows and columns in a
DataFrame using the DataFrame.rename() method. Consider the following DataFrame-
To rename the row indices Maths to subject 1, Science to subject 2, Hindi to subject 3 and
English to subject 4 we can write the following statement:
Result=Result.rename({'Maths':'Sub1','Science':'Sub2','English':'Sub4'})
print(Result)
v) Renaming Column Labels of a DataFrame : To alter the column names of Result we can
again use the rename() method, as shown below. The parameter axis='columns' implies we
want to change the column labels:
Result=Result.rename({'Rajat':'Student1','Amrita':'Student2','Meenakshi':'
Student3','Fathima':'Student6'},axis='columns')
print(Result)
Data elements in a DataFrame can be accessed using indexing.There are two ways of indexing
Dataframes : Label based indexing and Boolean Indexing.
i) Label Based Indexing: DataFrame.loc[ ] is an important method that is used for label based
indexing with DataFrames. Let us continue to use the Result created earlier. As shown in the
following example, a single row label returns the row as a Series.
We are going to find the value using label based indexing
Result.loc['Science']
We can also find the label using index value using dataframe.iloc[] method. This function allows
us to retrieve rows and columns by position. In order to do that, we’ll need to specify the
positions of the rows that we want, and the positions of the columns that we want as well. The
dataframe.iloc indexer is very similar to dataframe.loc but only uses integer locations to make its
selections.
Result.iloc[0]
(ii) Boolean Indexing Boolean: - It means a binary variable that can represent either of the two
states - True (indicated by 1) or False (indicated by 0). In Boolean indexing, we can select the
subsets of data based on the actual values in the DataFrame rather than their row/column
labels. Thus, we can use conditions on column names to filter data values.
Result.loc['Maths'] > 90
Attributes of DataFrames
Attributes are the properties of a DataFrame that can be used to fetch data or any information
related to a particular dataframe.
The syntax of writing an attribute is:
DataFrame_name.attribute
We are going to use following data as example for understand the attributes of Dataframes.
import pandas as pd
# creating a 2D dictionary
dict = {"Student": pd.Series(["Arnav", "Neha","Priya",
"Rahul"],index=["Data 1","Data 2","Data 3","Data 4"]),
"Marks": pd.Series([85, 92, 78, 83],index=["Data 1","Data 2","Data
3","Data 4"]),
"Sports": pd.Series(["Cricket", "Volleyball", "Hockey",
"Badminton"],index=["Data 1","Data 2","Data 3","Data 4"])}
# creating a DataFrame
df = pd.DataFrame(dict)
# printing this DataFrame on the output screen
print(df)
i) DataFrame.index - There are two types of index in a DataFrame one is the row index and the
other is the column index. The index attribute is used to display the row labels of a data frame
object. The row labels can be of 0,1,2,3,… form and can be of names.
#program
df.index
Output-
ii) DataFrame.columns - This attribute is used to fetch the label values for columns present in a
particular data frame.
#program
df.columns
Output-
iii) DataFrame.dtypes -The purpose of this attribute is to display the data type for each column
of a particular dataframe.
#program for dtypes
df.dtypes
Output -
iv) DataFrame.values- This attribute is used to represent the values/data of dataframe in NumPy
array form.
#program for values
df.values
Output-
v) DataFrame.shape - This attribute is used to display the total number of rows and columns of
a particular data frame. For example, if we have 3 rows and 2 columns in a DataFrame then the
shape will be (3,2).
#program for shape
df.shape
Output- (4,3)
vi) DataFrame.size:- This attribute is used to display the total number of elements or items
present in a data frame.
#program for size
df.size
Output-12
vii) DataFrame.T - T means Transpose, this attribute is used to change the rows into columns
and columns into rows.
Note- Use capital “T”.
#program for T
df.T
Output-
viii) DataFrame.head(n) - It is used to display the first n rows in the DataFrame
#program for head(n)
df.head(2)
Output-
Note - If you are uploading in google colab then upload using this code-
from google.colab import files
uploaded = files.upload()
Thn after uploading use the below code to work, here we have used studentsmarks.csv file-
import pandas as pd
import io
df = pd.read_csv(io.BytesIO(uploaded['studentsmarks.csv']))
print(df)
If you are using a Python IDE then you can directly give your path name in parenthesis.
import pandas as pd
import io
df = pd.read_csv('C:/PANDAS/studentsmarks.csv',sep =",", header=0)
print(df)
Output-
● The first parameter to the read_csv() is the name of the comma separated data file along
with its path.
● The parameter sep specifies whether the values are separated by comma, semicolon,
tab, or any other character. The default value for sep is a space.
● The parameter header specifies the number of the row whose values are to be used as
the column names. It also marks the start of the data to be fetched. header=0 implies
that column names are inferred from the first line of the file. By default, header=0.
Median- DataFrame.Median() will display the middle value of the data. This function will display
the median of the values of each column of a DataFrame. It is only applicable for numeric
values.
#Program for median
Result1.median()
Output-
Mode : - DateFrame.mode() will display the mode. The mode is defined as the value that
appears the most number of times in a data.This function will display the mode of each column
or row of the DataFrame. To get the mode of AI marks, the following statement can be used.
#Program for mode
Result1["AI"].mode()
Output-
Let's examine a scenario where we have the marks of certain students, but their data is missing
in some tables due to specific circumstances. For example, Meera couldn't attend the science
exam due to fever, Joseph participated in a national-level science exhibition on the day of the AI
exam, and in some cases, there was confusion among teachers leading to blank marks.
Maths Science English Hindi AI
Heena 90 92.0 89 81.0 94.0
Shefali 91 81.0 91 71.0 95.0
Meera 97 NaN 88 67.0 99.0
Joseph 89 87.0 78 82.0 NaN
Suhana 65 50.0 77 NaN 96.0
Bismeet 93 88.0 82 89.0 99.0
Output-
Here we can see there are three “True” values.So three data are missing.
The function any() can be used for a particular attribute also. The following statements) returns
True in case an attribute has a missing value else it returns False.
print(marks['Science'].isnull().any())
Output- True
print(marks['Maths'].isnull().any())
Output- False
To find the total number of NaN in the whole dataset, one can use -
marks.isnull().sum().sum()
Output - 3
Output -
Scikit-learn (Sklearn) Library
Scikit-learn (Sklearn) is the most useful and robust library for machine learning in Python. It
provides a selection of efficient tools for machine learning and statistical modeling including
classification, regression, clustering and dimensionality reduction via a consistent interface in
Python. This library, which is largely written in Python, is built upon NumPy, SciPy and
Matplotlib.
Key Features:
● Offers a wide range of supervised and unsupervised learning algorithms.
● Provides tools for model selection, evaluation, and validation.
● Supports various tasks such as classification, regression, clustering, dimensionality
reduction, and more.
● Integrates seamlessly with other Python libraries like NumPy, SciPy, and Pandas.
Installing scikit-learn:
To install scikit-learn (often abbreviated as sklearn), you can use pip, the Python package
manager.
pip install scikit-learn
This command will download and install the latest version of scikit-learn along with any
dependencies it requires.
Now let us delve more in the concept of sikit-learn make a project.
Let's dive into a fascinating case study involving Manisha and her friend Rashi's birthday gift.
Manisha, wanting to surprise Rashi with a beautiful bouquet of flowers, visited a flower shop.
Among the various bouquets available, she was captivated by the iris flower bouquet. The
shopkeeper enlightened her about the diverse varieties of iris flowers: setosa, versicolor, and
virginica.
Curious about the subtle differences among these iris flowers, Manisha observed that while they
appeared similar, there were slight variations in the length and breadth of their petals and
sepals.
Eager to learn more about these iris flowers, Manisha decided to conduct further research. She
discovered the scikit-learn library, a powerful tool for machine learning tasks, including access
to datasets such as the iris flower dataset.
Now, let's assist Manisha in her exploration and utilization of the scikit-learn library to make
accurate predictions about the type of iris flower she has purchased.
First of all let's import the iris dataset from the sklearn dataset.
from sklearn.datasets import load_iris
iris = load_iris()
This line calls the “load_iris()” function to load the Iris dataset. The dataset is then returned as a
bunch object, which is similar to a dictionary. It contains several attributes:
● Feature Vectors-Feature vectors contain the input data for the machine learning model.
Each feature vector represents a single data point or sample. The feature vectors are
used to train the model to learn patterns and relationships between the input features
and the target variable.
● Target Variables : Target variables, also known as labels or response variables,
represent the output or the variable we want to predict with the model.
X = iris.data
y= iris.target
X is a variable and assigned as feature vector.The feature vectors contain the input data for the
machine learning model
Y is a variable and assigned as target variable.The target variable contains the output or the
variable we want to predict with the model. In the case of the Iris dataset, Y contains the target
values (species of iris flowers) encoded as integers.
You can see it prints the irst 10 rows of the feature vectors (X). Each row represents a sample
(i.e., an iris flower), and each column represents a feature (i.e., a measurement of the flower).
For example, the first row [5.1 3.5 1.4 0.2] corresponds to an iris flower with the following
measurements:
● Sepal length: 5.1 cm
● Sepal width: 3.5 cm
● Petal length: 1.4 cm
● Petal width: 0.2 cm
Now we will make little changes in our code and will rewrite again to split the data in testing data
and training data.
from sklearn.datasets import load_iris
iris = load_iris()
X = iris.data
y = iris.target
from sklearn.model_selection import train_test_split
In the above code, we have added train_test_split() from sklearn.model_selection , This function
is used to split the dataset into training and testing sets. Now we will code-
print(X_train.shape)
print(X_test.shape)
print(y_train.shape)
print(y_test.shape)
Finally, we print the shapes of the training and testing sets to confirm the sizes of the datasets.
The shapes indicate the number of samples (rows) and the number of features (columns) in
each dataset. The complete code will look like this
from sklearn.datasets import load_iris
iris = load_iris()
X = iris.data
y = iris.target
from sklearn.model_selection import train_test_split
X_train, X_test, y_train, y_test = train_test_split(X, y, test_size = 0.3,
random_state = 1)
print(X_train.shape)
print(X_test.shape)
print(y_train.shape)
print(y_test.shape)
OUTPUT-
So, the training feature vector(X_train) has 105 samples of rows and 4 columns in each sample.
(there were total 150 dataset- 70% of 150 became 105, 30% is 45.)
The training target variable(y_train) has 105 number of rows. Since the target variable is a one-
dimensional array, it only has one dimension (no columns).
The testing target variable (y_test) has 45 number of rows and no column as it is one
dimensional.
classifier_knn = KNeighborsClassifier(n_neighbors = 3)
Here, we create an instance of the KNeighborsClassifier class and assign it to the variable
classifier_knn. We specify n_neighbors = 3, indicating that the classifier will consider the 3
nearest neighbors when making predictions. This is a hyperparameter that can be tuned to
improve the performance of the classifier.
classifier_knn.fit(X_train, y_train)
This line trains the KNeighborsClassifier model using the fit method. It takes two arguments:
● X_train: The feature vectors (input data) of the training set.
● y_train: The target variables (output labels) of the training set.
During the training process, the model learns the relationships between the input features
(X_train) and the corresponding target labels (y_train). Specifically, it constructs a
representation of the training data that allows it to make predictions based on the input features.
y_pred = classifier_knn.predict(X_test)
The classifier_knn object contains the trained model, make predictions on new, unseen data.
The model trained earlier with the K-Nearest Neighbors classifier will use these measurements
to predict the species of iris flowers. After making predictions, the predicted species will be
printed to the console.
pred_species = [iris.target_names[p] for p in preds]
print("Predictions:", pred_species)
This line is a list comprehension that iterates over each predicted label (p) in the preds array
and converts it to the corresponding species name using the iris.target_names array.
● iris.target_names contains the names of the target classes in the Iris dataset, which are
['setosa', 'versicolor', 'virginica'].
● preds is an array containing the predicted labels generated by the classifier.
With this model, we were able to assist Manisha in classifying the different types of flowers in
the iris dataset. Now, she can determine the species of the flower she has bought by examining
the length and width of its sepal and petal, and comparing them to the characteristics of the
setosa, versicolor, and virginica species.
Programs for practice -
1. Write a program to create series from an array in Python
2. Write a program to create a dataframe to store the names of the students and their
marks in 3 subjects.
3. Consider the following Numpy one dimensional array to perform the following task
import numpy as np
arr=np.array([6,7,8,9,23,45])
a. Display all the numbers that are less than 20
b. Display all the even numbers
c. Display all the numbers that are in the range of 10-20
d. Display all the numbers that are greater than 40
e. Display all odd numbers
4. Consider the following dataframe and answer the questions
import pandas as pd
name=['Amit','Abhishek','Mohit','Ravi','Kunal']
df=pd.DataFrame(name)
df.columns=['NAME']
df['ENG']=[30,40,50,45,48]
df['HINDI']=[45,43,28,39,27]
df['MATHS']=[39,36,21,23,34]
print(df)
a. Display the Maths marks of all the students
b. Display the name and the Hindi marks of all students
c. Display the rows whose maths marks are less than 25
d. Display the rows where Maths marks is in the range of 20-30
e. Display the names of the students whose Maths marks are more than 30
5. Consider the following admission.csv and answer the following questions: