Numpy, Matplotlib, etc
Kuliah 15 Algoritma dan Pemrograman
https://www.w3schools.com/python/numpy_copy_vs_view.asp
Numpy
• NumPy is a python library used for working with arrays.
• A numpy array is a grid of values, all of the same type, and is indexed by a
tuple of nonnegative integers.
• The number of dimensions is the rank of the array;
• The shape of an array is a tuple of integers giving the size of the array
along each dimension.
• NumPy was created in 2005 by Travis Oliphant
• It is an open source project and you can use it freely
• NumPy stands for Numerical Python.
Why Use NumPy ?
• In Python we have lists that serve the purpose of arrays, but they are slow
to process.
• NumPy aims to provide an array object that is up to 50x faster that
traditional Python lists.
• The array object in NumPy is called ndarray (n dimensional array), it
provides a lot of supporting functions that make working with ndarray very
easy
• Arrays are very frequently used in data science, where speed and
resources are very important.
What to Cover
• Importing NumPy • NumPy Array Iterating
• NumPy Creating Arrays • NumPy Joining Array
• NumPy Array Indexing • NumPy Splitting Array
• NumPy Array Slicing • NumPy Searching Arrays
• NumPy Data Types • NumPy Sorting Arrays
• NumPy Array Copy vs View • NumPy Filter Array
• NumPy Array Shape • Random Numbers in NumPy
• NumPy Array Reshaping • NumPy ufuncs
Import numpy
• Once NumPy is installed, import it in your applications by adding
the import keyword
import numpy
arr = numpy.array([1, 2, 3, 4, 5])
print(arr)
• Import with aliasing
import numpy as np
arr = np.array([1, 2, 3, 4, 5])
print(arr)
Creating Array in Numpy
import numpy as np
a = np.array([1, 2, 3]) # Create a rank 1 array
Print(a) # Prints [1,2,3]
print(type(a)) # Prints "<class 'numpy.ndarray’>”
print(a.shape) # Prints "(3,)"
print(a[0], a[1], a[2]) # Prints "1 2 3"
a[0] = 5 # Change an element of the array
print(a) # Prints "[5, 2, 3]"
arr=np.array((1,2,3,4,5)) # use Tuple to create array
print(arr) # Prints [1,2,3,4,5]
b = np.array([[1,2,3],[4,5,6]]) # Create a rank 2 array
print(b.shape) # Prints "(2, 3)"
print(b[0, 0], b[0, 1], b[1, 0]) # Prints "1 2 4"
Creating n-dimensional array in numpy
import numpy as np
arr0 = np.array(42) # Creating 0-D array
print(arr0)
arr1 = np.array([1, 2, 3, 4, 5]) # Creating 1-D array
print(arr1)
arr2 = np.array([[1, 2, 3], [4, 5, 6]]) # Creating 2-D array
print(arr2)
arr3 = np.array([[[1, 2, 3], [4, 5, 6]], [[1, 2, 3], [4, 5, 6]]])
# Creating 3-D array
print(arr3)
Check Number of Dimensions?
a = np.array(42)
b = np.array([1, 2, 3, 4, 5])
c = np.array([[1, 2, 3], [4, 5, 6]])
d = np.array([[[1, 2, 3], [4, 5, 6]], [[1, 2, 3], [4, 5, 6]]])
e = np.array([1, 2, 3, 4], ndmin=5)
print(a.ndim)
print(b.ndim)
print(c.ndim)
print(d.ndim)
print(e.ndim)
Creating Special Arrays in Numpy
import numpy as np
a = np.zeros((2,2)) # Create an array of all zeros
print(a) # Prints "[[ 0. 0.] # [ 0. 0.]]"
b = np.ones((1,2)) # Create an array of all ones
print(b) # Prints "[[ 1. 1.]]"
c = np.full((2,2), 7) # Create a constant array
print(c) # Prints "[[ 7. 7.] # [ 7. 7.]]"
d = np.eye(2) # Create a 2x2 identity matrix
print(d) # Prints "[[ 1. 0.] # [ 0. 1.]]"
e = np.random.random((2,2))
# Create an array filled with random values
print(e) # Might print "[[ 0.91940167 0.08143941]
# [ 0.68744134 0.87236687]]"
NumPy Array Indexing
import numpy as np
arr = np.array([1, 2, 3, 4])
print(arr[0])
print(arr[1])
print(arr[2] + arr[3])
arr = np.array([[1,2,3,4,5], [6,7,8,9,10]])
print('2nd element on 1st dim: ', arr[0, 1])
print('5th element on 2nd dim: ', arr[1, 4])
print('Last element from 2nd dim: ', arr[1, -1])
arr = np.array([[[1, 2, 3], [4, 5, 6]], [[7, 8, 9], [10, 11, 12]]])
print(arr[0, 1, 2])
NumPy Array Slicing
• Slicing in python means taking elements from one given index to another
given index.
• We pass slice instead of index like this: [start:end]
(The result includes the start index, but excludes the end index)
• We can also define the step, like this: [start:end:step]
• If we don't pass start its considered 0
• If we don't pass end its considered length of array in that dimension
• If we don't pass step its considered 1
NumPy Array Slicing (1-D)
import numpy as np
arr = np.array([1, 2, 3, 4, 5, 6, 7])
print(arr[1:5]) # Slice elements from index 1 to index 5
print(arr[4:]) # Slice elements from index 4 to the end of the array
print(arr[:4]) # Slice elements from the beginning to index 4 (not included)
print(arr[-3:-1]) # Slice from the index 3 from the end to index 1 from the end
print(arr[1:5:2]) # Return every other element from index 1 to index 5, step 2
print(arr[::2]) # Return every other element from the entire array
NumPy Array Slicing (2-D)
import numpy as np
arr = np.array([[1, 2, 3, 4, 5], [6, 7, 8, 9, 10]])
print(arr[0:2, 2]) # From both elements, return index 2
print(arr[0:2, 1:4]) # From both elements, slice index 1 to index 4
NumPy Array Slicing
import numpy as np
# Create the following array with shape (3, 4)
# [[ 1 2 3 4]
# [ 5 6 7 8]
# [ 9 10 11 12]]
a = np.array([[1,2,3,4], [5,6,7,8], [9,10,11,12]])
# Use slicing to pull out the subarray consisting of the first 2 rows
# and columns 1 and 2; b is the following array of shape (2, 2):
# [[2 3] # [6 7]]
b = a[:2, 1:3]
# A slice of an array is a view into the same data, so modifying it
# will modify the original array.
print(a[0, 1]) # Prints "2"
b[0, 0] = 77 # b[0, 0] is the same piece of data as a[0, 1]
print(a[0, 1]) # Prints "77"
Array 2D Slicing
import numpy as np
# Create the following rank 2 array with shape (3, 4)
# [[ 1 2 3 4]
# [ 5 6 7 8]
# [ 9 10 11 12]]
a = np.array([[1,2,3,4], [5,6,7,8], [9,10,11,12]])
# Two ways of accessing the data in the middle row of the array.
# Mixing integer indexing with slices yields an array of lower rank,
# while using only slices yields an array of the same rank as the
# original array:
row_r1 = a[1, :] # Rank 1 view of the second row of a
row_r2 = a[1:2, :] # Rank 2 view of the second row of a
print(row_r1, row_r1.shape) # Prints "[5 6 7 8] (4,)"
print(row_r2, row_r2.shape) # Prints "[[5 6 7 8]] (1, 4)"
# We can make the same distinction when accessing columns of an array:
col_r1 = a[:, 1]
col_r2 = a[:, 1:2]
print(col_r1, col_r1.shape) # Prints "[ 2 6 10] (3,)"
print(col_r2, col_r2.shape) # Prints "[[ 2] # [ 6] # [10]] (3, 1)"
Data Types in NumPy
• i - integer
• b - boolean
• u - unsigned integer
• f - float
• c - complex float
• m - timedelta
• M - datetime
• O - object
• S - string
• U - unicode string
• V - fixed chunk of memory for other type ( void )
Checking the Data Type of an Array
import numpy as np
arr = np.array([1, 2, 3, 4])
print(arr.dtype)
arr = np.array(['apple', 'banana', 'cherry'])
print(arr.dtype)
Creating Arrays With a Defined Data Type
import numpy as np
arr = np.array([1, 2, 3, 4], dtype='S')
print(arr)
print(arr.dtype)
arr = np.array([1, 2, 3, 4], dtype='i4')
print(arr)
print(arr.dtype)
•For i, u, f, S and U we can define size as well
Converting Data Type on Existing Arrays
• Change data type from float to integer by using 'i' as parameter value
arr = np.array([1.1, 2.1, 3.1])
newarr = arr.astype('i')
print(newarr)
print(newarr.dtype)
• Change data type from float to integer by using int as parameter value
arr = np.array([1.1, 2.1, 3.1])
newarr = arr.astype(int)
print(newarr)
print(newarr.dtype)
• Change data type from integer to Boolean
arr = np.array([1, 0, 3])
newarr = arr.astype(bool)
print(newarr)
print(newarr.dtype)
NumPy Array Copy vs View
• The main difference between a copy and a view of an array is that the copy
is a new array, and the view is just a view of the original array.
• The copy owns the data and any changes made to the copy will not affect
original array, and any changes made to the original array will not affect
the copy.
• The view does not own the data and any changes made to the view will
affect the original array, and any changes made to the original array will
affect the view.
NumPy Array Copy vs View
• Copy • Make change in the VIEW
arr = np.array([1, 2, 3, 4, 5]) arr = np.array([1, 2, 3, 4, 5])
x = arr.copy() x = arr.view()
arr[0] = 42 x[0] = 31
print(arr) print(arr)
print(x) print(x)
• View
arr = np.array([1, 2, 3, 4, 5])
x = arr.view()
arr[0] = 42
print(arr)
print(x)
NumPy Array Shape
• The shape of an array is the number of elements in each dimension.
• Get the Shape of an Array
import numpy as np
arr = np.array([[1, 2, 3, 4], [5, 6, 7, 8]])
print(arr.shape)
arr = np.array([1, 2, 3, 4], ndmin=5)
print(arr)
print('shape of array :', arr.shape)
• In the example above at index-4 we have value 4, so we can say that 5th ( 4
+ 1 th) dimension has 4 elements.
NumPy Array Reshaping
• Reshaping arrays
• Reshaping means changing the shape of an array.
• The shape of an array is the number of elements in each dimension.
• By reshaping we can add or remove dimensions or change number of elements in
each dimension.
• Reshape From 1-D to 2-D
arr = np.array([1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12])
newarr = arr.reshape(4, 3)
print(newarr)
NumPy Array Reshaping
• Reshape From 1-D to 3-D
arr = np.array([1, 2, 3, 4, 5, 6, 7, 8, 9, 10, 11, 12])
newarr = arr.reshape(2, 3, 2)
print(newarr)
• Can We Reshape Into any Shape? Yes, as long as the elements required for
reshaping are equal in both shapes.
newarr2 = arr.reshape(3,4)
Print(newarr2)
matplotlib
matplotlib is a python 2D plotting library which
produces publication quality figures in a variety of
hardcopy
http://matplotlib.sourceforge.net/
matplotlib
Simple Plot. The most basic plot(), with text labels
import matplotlib.pyplot as plt
plt.plot([1,2,3,4])
plt.ylabel('some numbers')
plt.show()
matplotlib
plot() is a versatile command, and will take an arbitrary
number of arguments. For example, to plot x versus y, you
can issue the command:
plt.plot([1,2,3,4], [1,4,9,16])
there is an optional third argument which is the format string
that indicates the color and line type of the plot.
matplotlib
import matplotlib.pyplot as plt
plt.plot([1,2,3,4], [1,4,9,16], 'ro')
plt.axis([0, 6, 0, 20])
plt.show()
matplotlib
import matplotlib.pyplot as plt
t= [float(x)/10.0 for x in range(0,50,2)]
t2=[x**2 for x in t]
t3=[x**3 for x in t]
plt.plot(t,t,'r--', t,t2,'bs', t,t3,'g^')
plt.show()
Matplotlib:
Working with multiple figures and axes
import matplotlib.pyplot as plt
plt.figure(1) # the first figure
plt.subplot(211) # the first subplot in the first figure
plt.plot([1,2,3])
plt.subplot(212) # the second subplot in the first figure
plt.plot([4,5,6])
plt.figure(2) # a second figure
plt.plot([4,5,6]) # creates a subplot(111) by default
plt.figure(1) # figure 1 current; subplot(212) still current
plt.subplot(211) # make subplot(211) in figure1 current
plt.title('Easy as 1,2,3') # subplot 211 title
plt.show()
Matplotlib:
working with text
import numpy as np
import matplotlib.pyplot as plt
mu, sigma = 100, 15
x = mu + sigma * np.random.randn(10000)
# the histogram of the data
n, bins, patches = plt.hist(x, 50, density=1, facecolor='g', alpha=0.75)
plt.xlabel('Smarts')
plt.ylabel('Probability')
plt.title('Histogram of IQ')
plt.text(60,.025, r'$\mu=100,\ \sigma=15$')
plt.axis([40, 160, 0, 0.03])
plt.grid(True)
plt.show()
https://www.datacamp.com/community/tutorials/pandas-tutorial-
dataframe-python#question1
What is Pandas
• Pandas is a software library is a software library written for the
Python programming language for data manipulation and analysis
• Pandas offers data structures and operations for manipulating numerical
tables and time series.
• Pandas is a popular Python package for data science, and with good
reason: it offers powerful, expressive and flexible data structures that
make data manipulation and analysis easy, among many other things. The
DataFrame is one of these structures.
• Pandas is a high-level data manipulation tool developed by Wes McKinney.
• To use Pandas, you have to import 2 modules: numpy and pandas
import numpy as np
import pandas as pd
What to cover in Pandas Module
1. How To Create a Pandas DataFrame
2. How To Select an Index or Column From a Pandas DataFrame
3. How To Add an Index, Row or Column to a Pandas DataFrame
4. How to Delete Indices, Rows or Columns From a Pandas Data Frame
5. How to Rename the Index or Columns of a Pandas DataFrame
6. How To Format The Data in Your Pandas DataFrame
7. How To Create an Empty DataFrame
8. Does Pandas Recognize Dates When Importing Data?
9. When, Why And How You Should Reshape Your Pandas DataFrame
What Are Pandas Data Frames?
• Data frame is a way to store data in rectangular grids that can easily be
overviewed
• Each row of these grids corresponds to measurements or values of an
instance, while each column is a vector containing data for a specific
variable
1. How To Create a Pandas DataFrame
• Example
Import numpy as np
Import pandas as pd
data = np.array([['','Col1','Col2'],
['Row1',1,2],
['Row2',3,4]])
print(pd.DataFrame(data=data[1:,1:],
index=data[1:,0],
columns=data[0,1:]))
• Three more examples
# Take a 2D array as input to your DataFrame
my_2darray = np.array([[1, 2, 3], [4, 5, 6]])
print(pd.DataFrame(my_2darray))
print('\n')
# Take a dictionary as input to your DataFrame
my_dict = {1: ['1', '3'], 2: ['1', '2'], 3: ['2', '4']}
print(pd.DataFrame(my_dict))
print('\n')
# Take a DataFrame as input to your DataFrame
my_df = pd.DataFrame(data=[4,5,6,7], index=range(0,4), columns=['A'])
print(pd.DataFrame(my_df))
print('\n')
# Take a Series as input to your DataFrame
my_series = pd.Series({"United Kingdom":"London", "India":"New Delhi", "United
States":"Washington", "Belgium":"Brussels"})
print(pd.DataFrame(my_series))
dict = {"country": ["Brazil", "Russia", "India", "China", "South Africa"],
"capital": ["Brasilia", "Moscow", "New Dehli", "Beijing", "Pretoria"],
"area": [8.516, 17.10, 3.286, 9.597, 1.221],
"population": [200.4, 143.5, 1252, 1357, 52.98] }
import pandas as pd
brics = pd.DataFrame(dict)
print(brics)
• Changing index
# Set the index for brics
brics.index = ["BR", "RU", "IN", "CH", "SA"]
# Print out brics with new index values
print(brics)
2. How To Select an Index or Column From a
Pandas DataFrame
3. How To Add an Index, Row or Column to a
Pandas DataFrame
4. How to Delete Indices, Rows or Columns
From a Pandas Data Frame
5. How to Rename the Index or Columns of a
Pandas DataFrame
6. How To Format The Data in Your Pandas
DataFrame
7. How To Create an Empty DataFrame
8. Does Pandas Recognize Dates When
Importing Data?
9. When, Why And How You Should Reshape
Your Pandas DataFrame