Basic Math
1 Introduction
Linear algebra is a discipline widely used in various engineering fields. The concepts and conclusions of linear
algebra can greatly simplify the derivations and expressions of data mining formulas. Linear algebra can
simplify complex problems so that we can perform efficient mathematical operations.
Linear algebra is a mathematical tool. It not only provides the technology for array operations, but also
provides data structures such as vectors and matrices to store numbers and rules for addition, subtraction,
multiplication, and division.
NumPy is a numerical processing module based on Python. It has powerful functions and advantages in
processing matrix data. As linear algebra mainly processes matrices, this section is mainly based on NumPy.
The mathematical science library SciPy is also used to illustrate equation solution in this section.
In [1]:
# import libraries
import numpy as np
import scipy as sp
from scipy import linalg
import matplotlib.pyplot as plt
1.1 SciPy constants (scipy.constants)
1.1.1 Mathematical constants
pi: Pi
1.1.2 Physical constants
c or speed_of_light: speed of light in vacuum
h: the Planck constant h
G: Newtonian constant of gravitation
electron_mass: electron mass
In [2]:
from scipy.constants import *
print(pi)
print(c)
print(speed_of_light)
print(h)
print(G)
print(electron_mass)
3.141592653589793
299792458.0
299792458.0
6.62607015e-34
6.6743e-11
9.1093837015e-31
1.2 Reshape Operation
There is no reshape operation in mathematics, but it is a very common operation in the NumPy operation
library. The reshape operation is used to change the dimension number of a tensor and size of each dimension.
For example, a 10x10 image is directly saved as a sequence containing 100 elements. After inputting the
image, it can be transformed from 10x10 to 1x100 through the reshape operation.
The following is an example:
In [3]:
# Generate a vector that contains integers from 0 to 11.
x = np.arange(12)
print(x)
[ 0 1 2 3 4 5 6 7 8 9 10 11]
In [4]:
# View the array size.
x.shape
Out[4]:
(12,)
In [5]:
# Convert x into a two-dimensional matrix, where the first dimension of the
matrix is 1.
x = x.reshape(1,12)
print(x)
[[ 0 1 2 3 4 5 6 7 8 9 10 11]]
In [6]:
# View the array size.
x.shape
Out[6]:
(1, 12)
In [7]:
# Convert x to a 3x4 matrix.
x = x.reshape(3,4)
print(x)
[[ 0 1 2 3]
[ 4 5 6 7]
[ 8 9 10 11]]
2 Linear Algebra Implementation
scipy.linalg contains all the functions in numpy.linalg. plus some other more advanced ones not contained in
numpy.linalg.
Another advantage of using scipy.linalg over numpy.linalg is that it is always compiled with BLAS/LAPACK
support, while for numpy this is optional. Therefore, the scipy version might be faster depending on how
numpy was installed.
Therefore, unless you don’t want to add scipy as a dependency to your numpy program, use scipy.linalg
instead of numpy.linalg.
2.1 Transpose Implementation
The transpose of vectors and matrices is to switch the row and column indices. For the transpose of tensors of
three dimensions and above, you need to specify the transpose dimension.
In [8]:
# Generate a 3x4 matrix and transpose the matrix.
A = np.arange(12).reshape(3,4)
print(A)
print(A.T)
[[ 0 1 2 3]
[ 4 5 6 7]
[ 8 9 10 11]]
[[ 0 4 8]
[ 1 5 9]
[ 2 6 10]
[ 3 7 11]]
2.2 Matrix Element Operations
Element operations are operations on matrices of the same shape. For example, element operations include the
addition, subtraction, division, and multiplication operations on elements with the same position in two
matrices.
In [9]:
A = np.arange(6).reshape(3,2)
print(A)
B = np.arange(6,12).reshape(3,2)
print(B)
[[0 1]
[2 3]
[4 5]]
[[ 6 7]
[ 8 9]
[10 11]]
In [10]:
print(A + B)
[[ 6 8]
[10 12]
[14 16]]
In [11]:
print(A - B)
[[-6 -6]
[-6 -6]
[-6 -6]]
In [12]:
print(A * B)
[[ 0 7]
[16 27]
[40 55]]
2.3 Matrix Multiplication Implementation
To multiply the matrix A and matrix B, the column quantity of A must be equal to the row quantity of B.
In [13]:
A = np.arange(6).reshape(3,2)
print(A)
[[0 1]
[2 3]
[4 5]]
In [14]:
B = np.arange(6).reshape(2,3)
print(B)
[[0 1 2]
[3 4 5]]
In [15]:
np.matmul(B,A)
Out[15]:
array([[10, 13],
[28, 40]])
In [16]:
B @ A
Out[16]:
array([[10, 13],
[28, 40]])
2.4 Inverse Matrix Implementation
Inverse matrix implementation is applicable only to square matrices.
In [17]:
A = np.arange(4).reshape(2,2)
print(A)
[[0 1]
[2 3]]
In [18]:
np.linalg.inv(A)
Out[18]:
array([[-1.5, 0.5],
[ 1. , 0. ]])
2.5 Determinant
This section describes how to obtain the determinant of a matrix.
In [19]:
E = [[1, 2, 3],
[4, 5, 6],
[7, 8, 9]]
print(np.linalg.det(E))
print(sp.linalg.det(E))
6.66133814775094e-16
0.0
2.6 Solving a linear system
Solving linear systems of equations is straightforward using the scipy command linalg.solve. This command
expects an input matrix and a right-hand side vector. The solution vector is then computed. An option for
entering a symmetric matrix is offered, which can speed up the processing when applicable.
To avoid obesity and improve employees' health, the Big Data Department plans to organize monthly running
activities. The rules are as follows: The department sets the monthly target for participants at the beginning of
the month. The participants who have fulfilled the targets will be rewarded while those who have not will be
punished. The calculation rule of the reward or punishment amount is as
follows:wi=(si−di)xi=hixi𝑤𝑖=(𝑠𝑖−𝑑𝑖)𝑥𝑖=ℎ𝑖𝑥𝑖
In the formula, wi𝑤𝑖 represents the total reward or punishment amount of the 𝑖-th month, si𝑠𝑖 represents the
total distance, di𝑑𝑖 represents the monthly target, hiℎ𝑖 represents the difference between the actual distance
and the monthly target, xi𝑥𝑖 represents the reward and punishment amount of each kilometer in each month.
The activity works well, so the Cloud Service Department also followed to carry out the activity. The
following data is the differences between some participants' actual running distances and monthly target as
well as the total reward or punishment amount in the first quarter:
Table of Big Data Dept.
Name\Month h1 h2 h3 w
Chen 10 8 12 20
Liu 4 4 2 8
Yao 2 -4 -2 -5
Table of Cloud Service Dept.
Name\Month h1 h2 h3 w
Li 2 4 5 10
Huang 4 2 2 6
Fu -2 2 2 3
Based on the preceding case, can we calculate the monthly reward or punishment amount xi𝑥𝑖 per kilometer
set by the Big Data Department? The following system of equations can be listed based on the data:
10x1+8x2+12x3=2010𝑥1+8𝑥2+12𝑥3=204x1+4x2+2x3=84𝑥1+4𝑥2+2𝑥3=82x1−4x2−2x3=−52𝑥1−4
𝑥2−2𝑥3=−5
Then, if the system of equations is solved, we can obtain the monthly reward or punishment amount per
kilometer set by the department.
In [20]:
from scipy import linalg
a = np.array([[10, 8, 12], [4, 4, 2], [2, -4, -2]])
b = np.array([20, 8, -5])
print(a)
print(b)
[[10 8 12]
[ 4 4 2]
[ 2 -4 -2]]
[20 8 -5]
In [21]:
x = linalg.solve(a, b)
x
Out[21]:
array([0.5, 1.3125, 0.375])
2.7 Decompositions
2.7.1 Eigenvalues and eigenvectors
The eigenvalue-eigenvector problem is one of the most commonly employed linear algebra operations. In one
popular form, the eigenvalue-eigenvector problem is to find for some square matrix AA, scalars λλ and
corresponding vectors vv, such thatAv=λv𝐴v=λv
In [22]:
#Obtain the eigenvalue and eigenvector:
# Generate a 2x2 matrix.
A = np.array([[1,2],[2,1]])
# Calculate the eigenvalue (evals) and eigenvector (evecs) of A.
evals, evecs = sp.linalg.eig(A)
print("Eigenvalues:", evals)
print("Eigenvectors:", evecs)
Eigenvalues: [ 3.+0.j -1.+0.j]
Eigenvectors: [[ 0.70710678 -0.70710678]
[ 0.70710678 0.70710678]]
In [23]:
#The plt.subplots() function returns a figure instance named fig and an
# AxesSubplot instance named ax. The fig parameter indicates the entire
figure, and
# ax indicates the coordinate axis. Plotting:
fig, ax = plt.subplots()
#Make the coordinate axis pass the origin.
# Make the coordinate axis in the lower left corner pass the origin.
for spine in ['left', 'bottom']:
ax.spines[spine].set_position('zero')
#Draw a grid:
ax.grid(alpha=0.4)
#Set the coordinate axis ranges.
xmin, xmax = -3, 3
ymin, ymax = -3, 3
ax.set(xlim=(xmin, xmax), ylim=(ymin, ymax))
#Draw an eigenvector. Annotation is to use an arrow that points to the
content to be explained and add a description. In the following code, s
indicates the input, xy indicates the arrow direction, xytext indicates the
text location, and arrowprops uses arrowstyle to indicate the arrow style or
type.
for v in evecs:
ax.annotate(text="", xy=v, xytext=(0, 0),
arrowprops=dict(facecolor='blue',
shrink=0,
alpha=0.6,
width=0.5))
#Draw the eigenspace:
# Return evenly spaced numbers over a specified interval.
x = np.linspace(xmin, xmax, 3)
for v in evecs:
a = v[1] / v[0] # Unit vector in the eigenvector direction.
ax.plot(x, a * x) # The lw parameter indicates the line thickness.
plt.show()
#Interpretation: The vectors with the blue arrow are eigenvectors, and the
space
# formed by the two red lines is the eigenspace.
2.7.2 Singular value decomposition
Singular value decomposition (SVD) can be thought of as an extension of the eigenvalue problem to matrices
that are not square. Let AA be an M×NM×N matrix with MM and NN arbitrary. The
matrices AHAAHA and AAHAAH are square hermitian matrices of size N×NN×N and M×MM×M,
respectively. It is known that the eigenvalues of square hermitian matrices are real and non- negative. In
addition, there are at most min(M,N)min(M,N) identical non-zero eigenvalues
of AHAAHA and AAHAAH. Define these positive eigenvalues as σ2iσi2. The square-root of these are
called singular values of AA. The eigenvectors of AHAAHA are collected by columns into
an N×NN×N unitary matrix VV, while the eigenvectors of AAHAAH are collected by columns in the
unitary matrix UU, the singular values are collected in an M×NM×N zero matrix ΣΣ with main diagonal
entries set to the singular values. ThenA=UΣVHA=UΣVHis the singular value decomposition of AA. Every
matrix has a singular value decomposition. Sometimes, the singular values are called the spectrum of AA. The
command linalg.svd will return UU, VV, and σiσi as an array of the singular values. To obtain the matrix ΣΣ,
use linalg.diagsvd. The following example illustrates the use of linalg.svd:
In [24]:
A = np.array([[1,2,3],[4,5,6]])
A
Out[24]:
array([[1, 2, 3],
[4, 5, 6]])
In [25]:
M,N = A.shape
U,s,Vh = linalg.svd(A)
Sig = linalg.diagsvd(s,M,N)
U
Out[25]:
array([[-0.3863177 , 0.92236578],
[-0.92236578, -0.3863177 ]])
In [26]:
Sig
Out[26]:
array([[9.508032 , 0. , 0. ],
[0. , 0.77286964, 0. ]])
In [27]:
Vh
Out[27]:
array([[-0.42866713, -0.56630692, -0.7039467 ],
[-0.80596391, -0.11238241, 0.58119908],
[ 0.40824829, -0.81649658, 0.40824829]])
In [28]:
U.dot(Sig.dot(Vh)) #check computation
Out[28]:
array([[1., 2., 3.],
[4., 5., 6.]])
In [29]:
U@Sig@Vh
Out[29]:
array([[1., 2., 3.],
[4., 5., 6.]])
2.7.3 Application Scenario of Singular Value Decomposition: Image Compression
A grayscale image can be regarded as a matrix. If singular value decomposition is performed on such a matrix,
singular values of the singular value matrix are arranged in descending order. A singular vector with a larger
singular value can save more information, but the singular values usually attenuate quickly. Therefore, the first
K singular values and corresponding singular vectors include most information in the image. As a result, an
image formed by the first K singular values and their singular vectors can achieve basically the same definition
as the original image, but the data amount is greatly reduced. In this way, image data compression can be
implemented.
In [31]:
%matplotlib inline
import numpy as np
from pylab import *
import matplotlib.pyplot as plt
# Read the image.
img = imread('lena.jpg')
plt.figure(1)
plt.imshow(img)
Out[31]:
<matplotlib.image.AxesImage at 0x7f8e4b05fd90>
In [32]:
# Convert to gray
img = np.mean(img, axis = 2)
# печатаем значения пикселей картинки
print(img)
[[163. 162. 162. ... 169.66666667 152.
127.33333333]
[163. 163. 163. ... 163.33333333 145.
121. ]
[164. 164. 163. ... 166.33333333 149.66666667
127.66666667]
...
[ 54.33333333 56.33333333 59.33333333 ... 107.66666667 108.33333333
109. ]
[ 55.33333333 57.33333333 60.33333333 ... 110.33333333 112.
113.33333333]
[ 56.33333333 58.33333333 61.33333333 ... 109.33333333 111.33333333
113.33333333]]
In [33]:
# print the gray pixels array shape and size
print(img.shape)
print(img.size)
(512, 512)
262144
In [34]:
# Perform a singular decomposition of an image matrix
U, sigma, V = np.linalg.svd(img)
In [35]:
# Keep for the following operations only several first singular values.
k = 40
U = U[:, 0:k]
sigma = sigma[0:k]
V = V[0:k, :]
In [36]:
# Print the matrices shape and size after decomposition
print(np.shape(U),np.shape(sigma),np.shape(V))
print(U.size + sigma.size + V.size)
(512, 40) (40,) (40, 512)
41000
In [37]:
# Make the diagonal matrix from a singular vector.
sigma = resize(sigma, [k,1])*eye(k)
# Restore the picture after compression.
img1 = U @ sigma @ V
# Print the original and restored images for quality comparison
plt.gray()
fig, (ax1, ax2) = plt.subplots(1,2)
fig.suptitle("Original and compressed images")
ax1.imshow(img)
ax2.imshow(img1)
plt.show()
<Figure size 432x288 with 0 Axes>
3 Probability and Statistics Lab
3.1 Introduction
Probability and statistics is a branch of mathematics concerned with the quantitative regularity of random
phenomena. A random phenomenon is a situation in which we know what outcomes could happen, but we do
not know which particular outcome did or will happen, while a decisive phenomenon is a situation in which a
result inevitably occurs under certain conditions. Probability and statistics is a mathematical tool used to
describe uncertainties. A large number of data mining algorithms build models based on the sample
probabilistic information or through inference.
This section describes the knowledge of probability and statistics, and mainly uses the NumPy and SciPy
frameworks.
3.2 Probability and statistics Implementation
In [38]:
# import libraries
import numpy as np
import scipy as sp
3.2.1 Mean Value Implementation
In [39]:
#Data preparation:
ll = [[1,2,3,4,5,6],[3,4,5,6,7,8]]
np.mean(ll) # Calculate the mean value of all elements.
Out[39]:
4.5
In [40]:
np.mean(ll,0) # Calculate the mean value by column. The value 0 indicates the
column vector.
Out[40]:
array([2., 3., 4., 5., 6., 7.])
In [41]:
np.mean(ll,1) # Calculate the mean value by row. The value 1 indicates the
row vector.
Out[41]:
array([3.5, 5.5])
3.2.2 Variance Implementation
In [42]:
#Data preparation:
b=[1,3,5,6]
ll=[[1,2,3,4,5,6],[3,4,5,6,7,8]]
In [43]:
#Calculate the variance:
np.var(b)
Out[43]:
3.6875
In [44]:
np.var(ll,1) # The value of the second parameter is 1, indicating that the
variance is calculated by row.
Out[44]:
array([2.91666667, 2.91666667])
3.2.3 Standard Deviation Implementation
In [45]:
#Data preparation:
ll=[[1,2,3,4,5,6],[3,4,5,6,7,8]]
np.std(ll)
Out[45]:
1.9790570145063195
3.2.4 Covariance Implementation
In [46]:
#Data preparation:
x = np.array([[1, 2], [3, 7]])
print(np.cov(x))
[[0.5 2. ]
[2. 8. ]]
3.2.5 Correlation Coefficient
In [47]:
#Data preparation:
vc=[1,2,39,0,8]
vb=[1,2,20,0,13]
#Function-based implementation:
np.corrcoef(vc,vb)
Out[47]:
array([[1. , 0.90307758],
[0.90307758, 1. ]])
3.2.6 Binomial Distribution Implementation
The random variable X, which complies with binomial distribution, indicates the number of successful times in
n times of independent and identically distributed Bernoulli experiments. The success probability of each
experiment is p.
In [48]:
from scipy.stats import binom, norm, beta, expon
import numpy as np
import matplotlib.pyplot as plt
In [49]:
# The n and p parameters indicate the success times and probability in the
binomial formula, respectively,
# and size indicates the number of sampling times.
binom_sim = binom.rvs(n=10, p=0.3, size=100000)
print('Data:',binom_sim)
print('Mean: %g' % np.mean(binom_sim))
print('SD: %g' % np.std(binom_sim, ddof=1))
# Generate a histogram. The x parameter indicates the data distribution of
each bin, corresponding to the x axis.
# The bins parameter indicates the number of bars in total.
# The normed parameter indicates whether to perform normalization.
# By default, the sum of the percentages of all bars is 1.
plt.hist(binom_sim, bins=10, density=True)
plt.xlabel(('x'))
plt.ylabel('density')
plt.show()
Data: [4 2 4 ... 1 2 6]
Mean: 3.00811
SD: 1.44915
3.2.7 Poisson Distribution Implementation
A random variable X that complies with the Poisson distribution indicates the number of occurrences of an
event within a fixed time interval with the λ parameter. Both the mean value and variance of the random
variable X are λ.
In [50]:
# Generate 10,000 numbers that comply with the Poisson distribution where the
value of lambda is 2.
X= np.random.poisson(lam=2, size=10000)
a = plt.hist(X, bins=15, density=True, range=[0, 15])
# Generate grids.
plt.grid()
plt.show()
3.2.8 Normal Distribution
Normal distribution is a continuous probability distribution. Its function can obtain a value anywhere on the
curve. Normal distribution is described by two parameters: μ and σ, which indicate the mean value and
standard deviation, respectively.
In [51]:
from scipy.stats import norm
import numpy as np
import matplotlib.pyplot as plt
mu = 0
sigma = 1
# Distribution sampling points.
x = np.arange(-5, 5, 0.1)
# Generate normal distribution that complies with mu and sigma.
y = norm.pdf(x, mu, sigma)
plt.plot(x, y)
plt.xlabel('x')
plt.ylabel('density')
plt.show()
4 Optimization
4.1 Gradient Descent Algorithm
Gradient descent is a first-order iterative optimization algorithm for finding the minimum of a function. The
operation of each step is to solve the gradient vectors of the target function. The gradient direction negative to
the current position is used as the search direction (as the target function descends the most quickly in this
direction, the gradient descent method is also called the steepest descent method).
The gradient descent method has the following characteristics: If the function is closer to the target value, the
step is smaller, and the descent speed is slower.
4.2 Case Introduction
Find the local minima of the function y=(x−6)2y=(x−6)2 starting from the point x=1x=1. It is easy to find
the answers by calculating y=(x−6)2=0,x=6y=(x−6)2=0,x=6. Thus x=6x=6 is the local minima of the
function. The Pseudo code is as follows: Initialize parameters: learning
rate=0.01dydx=d(x−6)2dx=2×(x−6)dydx=d(x−6)2dx=2×(x−6)x0=1x0=1
Iteration 1:x1=x0−(learningrate)×dydxx1=x0−
(learningrate)×dydxx1=1−0.01×2×(1−6)=1.1x1=1−0.01×2×(1−6)=1.1
Iteration 2:x2=x1−(learningrate)×dydxx2=x1−
(learningrate)×dydxx2=1.1−0.01×2×(1.1−6)=1.198x2=1.1−0.01×2×(1.1−6)=1.198
4.3 Code Implementation
In [52]:
cur_x = 1 # The algorithm starts at x=1
rate = 0.01 # Learning rate
precision = 0.000001 #This tells us when to stop the algorithm
previous_step_size = 1 #
max_iters = 10000 # maximum number of iterations
iters = 0 #iteration counter
df = lambda x: 2*(x-6) #Gradient of our function
while previous_step_size > precision and iters < max_iters:
prev_x = cur_x #Store current x value in prev_x
cur_x = cur_x - rate * df(prev_x) #Grad descent
previous_step_size = abs(cur_x - prev_x) #Change in x
iters = iters+1 #iteration count
print("Iteration",iters,"\nX value is",cur_x) #Print iterations
print("The local minimum occurs at", cur_x)
Iteration 1
X value is 1.1
Iteration 2
X value is 1.1980000000000002
Iteration 3
X value is 1.29404
Iteration 4
X value is 1.3881592
Iteration 5
X value is 1.480396016
Iteration 6
X value is 1.57078809568
Iteration 7
X value is 1.6593723337664
Iteration 8
X value is 1.746184887091072
Iteration 9
X value is 1.8312611893492505
Iteration 10
X value is 1.9146359655622656
Iteration 11
X value is 1.9963432462510202
Iteration 12
X value is 2.0764163813259997
Iteration 13
X value is 2.1548880536994797
Iteration 14
X value is 2.2317902926254902
Iteration 15
X value is 2.3071544867729803
Iteration 16
X value is 2.3810113970375206
Iteration 17
X value is 2.4533911690967702
Iteration 18
X value is 2.524323345714835
Iteration 19
X value is 2.593836878800538
Iteration 20
X value is 2.6619601412245273
Iteration 21
X value is 2.728720938400037
Iteration 22
X value is 2.794146519632036
Iteration 23
X value is 2.8582635892393955
Iteration 24
X value is 2.9210983174546077
Iteration 25
X value is 2.9826763511055154
Iteration 26
X value is 3.043022824083405
Iteration 27
X value is 3.102162367601737
Iteration 28
X value is 3.160119120249702
Iteration 29
X value is 3.216916737844708
Iteration 30
X value is 3.2725784030878136
Iteration 31
X value is 3.3271268350260574
Iteration 32
X value is 3.380584298325536
Iteration 33
X value is 3.432972612359025
Iteration 34
X value is 3.484313160111845
Iteration 35
X value is 3.534626896909608
Iteration 36
X value is 3.583934358971416
Iteration 37
X value is 3.6322556717919876
Iteration 38
X value is 3.679610558356148
Iteration 39
X value is 3.726018347189025
Iteration 40
X value is 3.7714979802452446
Iteration 41
X value is 3.8160680206403397
Iteration 42
X value is 3.859746660227533
Iteration 43
X value is 3.902551727022982
Iteration 44
X value is 3.9445006924825226
Iteration 45
X value is 3.985610678632872
Iteration 46
X value is 4.025898465060215
Iteration 47
X value is 4.065380495759011
Iteration 48
X value is 4.104072885843831
Iteration 49
X value is 4.141991428126954
Iteration 50
X value is 4.179151599564415
Iteration 51
X value is 4.2155685675731265
Iteration 52
X value is 4.251257196221664
Iteration 53
X value is 4.286232052297231
Iteration 54
X value is 4.320507411251286
Iteration 55
X value is 4.35409726302626
Iteration 56
X value is 4.3870153177657345
Iteration 57
X value is 4.41927501141042
Iteration 58
X value is 4.450889511182211
Iteration 59
X value is 4.4818717209585675
Iteration 60
X value is 4.512234286539396
Iteration 61
X value is 4.541989600808608
Iteration 62
X value is 4.571149808792436
Iteration 63
X value is 4.599726812616587
Iteration 64
X value is 4.627732276364255
Iteration 65
X value is 4.65517763083697
Iteration 66
X value is 4.682074078220231
Iteration 67
X value is 4.708432596655826
Iteration 68
X value is 4.734263944722709
Iteration 69
X value is 4.759578665828255
Iteration 70
X value is 4.78438709251169
Iteration 71
X value is 4.808699350661456
Iteration 72
X value is 4.832525363648227
Iteration 73
X value is 4.855874856375262
Iteration 74
X value is 4.878757359247757
Iteration 75
X value is 4.901182212062802
Iteration 76
X value is 4.923158567821546
Iteration 77
X value is 4.944695396465115
Iteration 78
X value is 4.965801488535813
Iteration 79
X value is 4.986485458765096
Iteration 80
X value is 5.006755749589794
Iteration 81
X value is 5.026620634597998
Iteration 82
X value is 5.046088221906038
Iteration 83
X value is 5.0651664574679165
Iteration 84
X value is 5.0838631283185585
Iteration 85
X value is 5.102185865752188
Iteration 86
X value is 5.120142148437144
Iteration 87
X value is 5.137739305468401
Iteration 88
X value is 5.154984519359033
Iteration 89
X value is 5.171884828971852
Iteration 90
X value is 5.188447132392415
Iteration 91
X value is 5.204678189744567
Iteration 92
X value is 5.220584625949676
Iteration 93
X value is 5.236172933430682
Iteration 94
X value is 5.251449474762068
Iteration 95
X value is 5.266420485266827
Iteration 96
X value is 5.2810920755614905
Iteration 97
X value is 5.295470234050261
Iteration 98
X value is 5.309560829369255
Iteration 99
X value is 5.32336961278187
Iteration 100
X value is 5.336902220526233
Iteration 101
X value is 5.350164176115708
Iteration 102
X value is 5.363160892593394
Iteration 103
X value is 5.375897674741526
Iteration 104
X value is 5.388379721246696
Iteration 105
X value is 5.400612126821762
Iteration 106
X value is 5.412599884285327
Iteration 107
X value is 5.42434788659962
Iteration 108
X value is 5.435860928867628
Iteration 109
X value is 5.447143710290275
Iteration 110
X value is 5.45820083608447
Iteration 111
X value is 5.46903681936278
Iteration 112
X value is 5.4796560829755245
Iteration 113
X value is 5.490062961316014
Iteration 114
X value is 5.500261702089694
Iteration 115
X value is 5.5102564680479
Iteration 116
X value is 5.520051338686942
Iteration 117
X value is 5.529650311913203
Iteration 118
X value is 5.539057305674939
Iteration 119
X value is 5.54827615956144
Iteration 120
X value is 5.557310636370211
Iteration 121
X value is 5.566164423642807
Iteration 122
X value is 5.574841135169951
Iteration 123
X value is 5.583344312466552
Iteration 124
X value is 5.59167742621722
Iteration 125
X value is 5.599843877692876
Iteration 126
X value is 5.607847000139018
Iteration 127
X value is 5.615690060136238
Iteration 128
X value is 5.623376258933513
Iteration 129
X value is 5.630908733754843
Iteration 130
X value is 5.6382905590797465
Iteration 131
X value is 5.645524747898151
Iteration 132
X value is 5.652614252940189
Iteration 133
X value is 5.659561967881385
Iteration 134
X value is 5.6663707285237574
Iteration 135
X value is 5.673043313953282
Iteration 136
X value is 5.679582447674216
Iteration 137
X value is 5.685990798720732
Iteration 138
X value is 5.692270982746317
Iteration 139
X value is 5.698425563091391
Iteration 140
X value is 5.7044570518295625
Iteration 141
X value is 5.7103679107929715
Iteration 142
X value is 5.716160552577112
Iteration 143
X value is 5.72183734152557
Iteration 144
X value is 5.727400594695059
Iteration 145
X value is 5.732852582801158
Iteration 146
X value is 5.738195531145134
Iteration 147
X value is 5.743431620522232
Iteration 148
X value is 5.748562988111788
Iteration 149
X value is 5.753591728349552
Iteration 150
X value is 5.7585198937825615
Iteration 151
X value is 5.76334949590691
Iteration 152
X value is 5.7680825059887715
Iteration 153
X value is 5.772720855868996
Iteration 154
X value is 5.7772664387516155
Iteration 155
X value is 5.7817211099765835
Iteration 156
X value is 5.786086687777052
Iteration 157
X value is 5.790364954021511
Iteration 158
X value is 5.794557654941081
Iteration 159
X value is 5.798666501842259
Iteration 160
X value is 5.802693171805414
Iteration 161
X value is 5.806639308369306
Iteration 162
X value is 5.810506522201919
Iteration 163
X value is 5.814296391757881
Iteration 164
X value is 5.8180104639227235
Iteration 165
X value is 5.821650254644269
Iteration 166
X value is 5.825217249551383
Iteration 167
X value is 5.828712904560356
Iteration 168
X value is 5.832138646469149
Iteration 169
X value is 5.835495873539766
Iteration 170
X value is 5.83878595606897
Iteration 171
X value is 5.842010236947591
Iteration 172
X value is 5.845170032208639
Iteration 173
X value is 5.848266631564466
Iteration 174
X value is 5.851301298933177
Iteration 175
X value is 5.8542752729545136
Iteration 176
X value is 5.857189767495424
Iteration 177
X value is 5.860045972145516
Iteration 178
X value is 5.862845052702605
Iteration 179
X value is 5.865588151648553
Iteration 180
X value is 5.868276388615582
Iteration 181
X value is 5.870910860843271
Iteration 182
X value is 5.873492643626405
Iteration 183
X value is 5.876022790753877
Iteration 184
X value is 5.8785023349387995
Iteration 185
X value is 5.8809322882400235
Iteration 186
X value is 5.883313642475223
Iteration 187
X value is 5.885647369625718
Iteration 188
X value is 5.8879344222332035
Iteration 189
X value is 5.890175733788539
Iteration 190
X value is 5.892372219112769
Iteration 191
X value is 5.894524774730513
Iteration 192
X value is 5.8966342792359026
Iteration 193
X value is 5.898701593651184
Iteration 194
X value is 5.900727561778161
Iteration 195
X value is 5.902713010542597
Iteration 196
X value is 5.904658750331746
Iteration 197
X value is 5.906565575325111
Iteration 198
X value is 5.9084342638186085
Iteration 199
X value is 5.910265578542236
Iteration 200
X value is 5.912060266971391
Iteration 201
X value is 5.913819061631964
Iteration 202
X value is 5.915542680399325
Iteration 203
X value is 5.917231826791339
Iteration 204
X value is 5.918887190255512
Iteration 205
X value is 5.920509446450401
Iteration 206
X value is 5.922099257521393
Iteration 207
X value is 5.923657272370965
Iteration 208
X value is 5.925184126923546
Iteration 209
X value is 5.926680444385076
Iteration 210
X value is 5.928146835497374
Iteration 211
X value is 5.929583898787427
Iteration 212
X value is 5.930992220811678
Iteration 213
X value is 5.932372376395445
Iteration 214
X value is 5.9337249288675356
Iteration 215
X value is 5.935050430290185
Iteration 216
X value is 5.9363494216843815
Iteration 217
X value is 5.937622433250694
Iteration 218
X value is 5.93886998458568
Iteration 219
X value is 5.940092584893966
Iteration 220
X value is 5.9412907331960865
Iteration 221
X value is 5.942464918532165
Iteration 222
X value is 5.943615620161522
Iteration 223
X value is 5.944743307758291
Iteration 224
X value is 5.9458484416031245
Iteration 225
X value is 5.9469314727710625
Iteration 226
X value is 5.9479928433156415
Iteration 227
X value is 5.949032986449328
Iteration 228
X value is 5.950052326720342
Iteration 229
X value is 5.9510512801859345
Iteration 230
X value is 5.9520302545822155
Iteration 231
X value is 5.952989649490571
Iteration 232
X value is 5.95392985650076
Iteration 233
X value is 5.954851259370744
Iteration 234
X value is 5.955754234183329
Iteration 235
X value is 5.9566391494996624
Iteration 236
X value is 5.957506366509669
Iteration 237
X value is 5.9583562391794755
Iteration 238
X value is 5.959189114395886
Iteration 239
X value is 5.9600053321079685
Iteration 240
X value is 5.960805225465809
Iteration 241
X value is 5.961589120956493
Iteration 242
X value is 5.962357338537363
Iteration 243
X value is 5.963110191766616
Iteration 244
X value is 5.963847987931284
Iteration 245
X value is 5.964571028172658
Iteration 246
X value is 5.965279607609205
Iteration 247
X value is 5.9659740154570216
Iteration 248
X value is 5.966654535147881
Iteration 249
X value is 5.967321444444924
Iteration 250
X value is 5.967975015556025
Iteration 251
X value is 5.968615515244904
Iteration 252
X value is 5.969243204940006
Iteration 253
X value is 5.969858340841206
Iteration 254
X value is 5.970461174024382
Iteration 255
X value is 5.971051950543894
Iteration 256
X value is 5.971630911533016
Iteration 257
X value is 5.972198293302356
Iteration 258
X value is 5.972754327436309
Iteration 259
X value is 5.973299240887583
Iteration 260
X value is 5.973833256069831
Iteration 261
X value is 5.974356590948434
Iteration 262
X value is 5.974869459129466
Iteration 263
X value is 5.975372069946877
Iteration 264
X value is 5.9758646285479395
Iteration 265
X value is 5.976347335976981
Iteration 266
X value is 5.976820389257441
Iteration 267
X value is 5.977283981472293
Iteration 268
X value is 5.977738301842847
Iteration 269
X value is 5.97818353580599
Iteration 270
X value is 5.97861986508987
Iteration 271
X value is 5.979047467788073
Iteration 272
X value is 5.979466518432312
Iteration 273
X value is 5.979877188063665
Iteration 274
X value is 5.980279644302392
Iteration 275
X value is 5.980674051416345
Iteration 276
X value is 5.981060570388018
Iteration 277
X value is 5.981439358980258
Iteration 278
X value is 5.9818105718006525
Iteration 279
X value is 5.982174360364639
Iteration 280
X value is 5.982530873157346
Iteration 281
X value is 5.982880255694199
Iteration 282
X value is 5.9832226505803145
Iteration 283
X value is 5.983558197568708
Iteration 284
X value is 5.983887033617334
Iteration 285
X value is 5.984209292944987
Iteration 286
X value is 5.984525107086087
Iteration 287
X value is 5.984834604944365
Iteration 288
X value is 5.985137912845477
Iteration 289
X value is 5.985435154588568
Iteration 290
X value is 5.985726451496796
Iteration 291
X value is 5.98601192246686
Iteration 292
X value is 5.986291684017522
Iteration 293
X value is 5.986565850337172
Iteration 294
X value is 5.986834533330429
Iteration 295
X value is 5.98709784266382
Iteration 296
X value is 5.987355885810543
Iteration 297
X value is 5.987608768094332
Iteration 298
X value is 5.987856592732445
Iteration 299
X value is 5.988099460877796
Iteration 300
X value is 5.98833747166024
Iteration 301
X value is 5.988570722227036
Iteration 302
X value is 5.988799307782495
Iteration 303
X value is 5.989023321626845
Iteration 304
X value is 5.989242855194308
Iteration 305
X value is 5.989457998090422
Iteration 306
X value is 5.989668838128614
Iteration 307
X value is 5.989875461366041
Iteration 308
X value is 5.99007795213872
Iteration 309
X value is 5.990276393095946
Iteration 310
X value is 5.990470865234027
Iteration 311
X value is 5.990661447929346
Iteration 312
X value is 5.9908482189707595
Iteration 313
X value is 5.991031254591344
Iteration 314
X value is 5.991210629499517
Iteration 315
X value is 5.991386416909527
Iteration 316
X value is 5.991558688571336
Iteration 317
X value is 5.991727514799909
Iteration 318
X value is 5.991892964503911
Iteration 319
X value is 5.992055105213833
Iteration 320
X value is 5.992214003109556
Iteration 321
X value is 5.992369723047365
Iteration 322
X value is 5.992522328586418
Iteration 323
X value is 5.992671882014689
Iteration 324
X value is 5.992818444374396
Iteration 325
X value is 5.992962075486908
Iteration 326
X value is 5.9931028339771695
Iteration 327
X value is 5.993240777297626
Iteration 328
X value is 5.993375961751674
Iteration 329
X value is 5.9935084425166405
Iteration 330
X value is 5.993638273666308
Iteration 331
X value is 5.993765508192982
Iteration 332
X value is 5.993890198029122
Iteration 333
X value is 5.99401239406854
Iteration 334
X value is 5.9941321461871695
Iteration 335
X value is 5.994249503263426
Iteration 336
X value is 5.994364513198158
Iteration 337
X value is 5.9944772229341945
Iteration 338
X value is 5.9945876784755106
Iteration 339
X value is 5.994695924906001
Iteration 340
X value is 5.99480200640788
Iteration 341
X value is 5.994905966279723
Iteration 342
X value is 5.995007846954128
Iteration 343
X value is 5.995107690015046
Iteration 344
X value is 5.995205536214745
Iteration 345
X value is 5.99530142549045
Iteration 346
X value is 5.9953953969806415
Iteration 347
X value is 5.995487489041029
Iteration 348
X value is 5.9955777392602085
Iteration 349
X value is 5.995666184475004
Iteration 350
X value is 5.995752860785504
Iteration 351
X value is 5.995837803569794
Iteration 352
X value is 5.995921047498398
Iteration 353
X value is 5.99600262654843
Iteration 354
X value is 5.9960825740174615
Iteration 355
X value is 5.996160922537112
Iteration 356
X value is 5.99623770408637
Iteration 357
X value is 5.996312950004643
Iteration 358
X value is 5.99638669100455
Iteration 359
X value is 5.996458957184458
Iteration 360
X value is 5.996529778040769
Iteration 361
X value is 5.996599182479954
Iteration 362
X value is 5.996667198830354
Iteration 363
X value is 5.996733854853748
Iteration 364
X value is 5.996799177756673
Iteration 365
X value is 5.99686319420154
Iteration 366
X value is 5.996925930317508
Iteration 367
X value is 5.996987411711158
Iteration 368
X value is 5.997047663476935
Iteration 369
X value is 5.9971067102073965
Iteration 370
X value is 5.997164576003248
Iteration 371
X value is 5.997221284483183
Iteration 372
X value is 5.99727685879352
Iteration 373
X value is 5.99733132161765
Iteration 374
X value is 5.997384695185297
Iteration 375
X value is 5.997437001281591
Iteration 376
X value is 5.99748826125596
Iteration 377
X value is 5.997538496030841
Iteration 378
X value is 5.997587726110224
Iteration 379
X value is 5.99763597158802
Iteration 380
X value is 5.997683252156259
Iteration 381
X value is 5.997729587113134
Iteration 382
X value is 5.997774995370871
Iteration 383
X value is 5.997819495463453
Iteration 384
X value is 5.997863105554184
Iteration 385
X value is 5.9979058434431005
Iteration 386
X value is 5.997947726574239
Iteration 387
X value is 5.9979887720427545
Iteration 388
X value is 5.998028996601899
Iteration 389
X value is 5.998068416669861
Iteration 390
X value is 5.998107048336464
Iteration 391
X value is 5.998144907369735
Iteration 392
X value is 5.99818200922234
Iteration 393
X value is 5.998218369037893
Iteration 394
X value is 5.998254001657135
Iteration 395
X value is 5.998288921623993
Iteration 396
X value is 5.998323143191513
Iteration 397
X value is 5.998356680327682
Iteration 398
X value is 5.998389546721128
Iteration 399
X value is 5.998421755786706
Iteration 400
X value is 5.998453320670971
Iteration 401
X value is 5.998484254257551
Iteration 402
X value is 5.9985145691724
Iteration 403
X value is 5.998544277788952
Iteration 404
X value is 5.9985733922331725
Iteration 405
X value is 5.998601924388509
Iteration 406
X value is 5.998629885900739
Iteration 407
X value is 5.998657288182724
Iteration 408
X value is 5.998684142419069
Iteration 409
X value is 5.998710459570688
Iteration 410
X value is 5.998736250379275
Iteration 411
X value is 5.998761525371689
Iteration 412
X value is 5.998786294864256
Iteration 413
X value is 5.99881056896697
Iteration 414
X value is 5.998834357587631
Iteration 415
X value is 5.9988576704358785
Iteration 416
X value is 5.998880517027161
Iteration 417
X value is 5.998902906686618
Iteration 418
X value is 5.998924848552886
Iteration 419
X value is 5.998946351581829
Iteration 420
X value is 5.998967424550192
Iteration 421
X value is 5.998988076059188
Iteration 422
X value is 5.999008314538004
Iteration 423
X value is 5.999028148247245
Iteration 424
X value is 5.9990475852823
Iteration 425
X value is 5.999066633576654
Iteration 426
X value is 5.999085300905121
Iteration 427
X value is 5.999103594887019
Iteration 428
X value is 5.999121522989278
Iteration 429
X value is 5.999139092529493
Iteration 430
X value is 5.999156310678903
Iteration 431
X value is 5.9991731844653255
Iteration 432
X value is 5.999189720776019
Iteration 433
X value is 5.999205926360498
Iteration 434
X value is 5.999221807833289
Iteration 435
X value is 5.999237371676623
Iteration 436
X value is 5.99925262424309
Iteration 437
X value is 5.999267571758229
Iteration 438
X value is 5.999282220323065
Iteration 439
X value is 5.9992965759166035
Iteration 440
X value is 5.999310644398271
Iteration 441
X value is 5.999324431510305
Iteration 442
X value is 5.999337942880099
Iteration 443
X value is 5.999351184022497
Iteration 444
X value is 5.999364160342047
Iteration 445
X value is 5.999376877135206
Iteration 446
X value is 5.9993893395925015
Iteration 447
X value is 5.999401552800651
Iteration 448
X value is 5.999413521744638
Iteration 449
X value is 5.999425251309746
Iteration 450
X value is 5.999436746283551
Iteration 451
X value is 5.99944801135788
Iteration 452
X value is 5.999459051130723
Iteration 453
X value is 5.999469870108109
Iteration 454
X value is 5.9994804727059465
Iteration 455
X value is 5.999490863251828
Iteration 456
X value is 5.999501045986792
Iteration 457
X value is 5.999511025067056
Iteration 458
X value is 5.999520804565715
Iteration 459
X value is 5.9995303884744
Iteration 460
X value is 5.999539780704913
Iteration 461
X value is 5.999548985090814
Iteration 462
X value is 5.999558005388998
Iteration 463
X value is 5.999566845281218
Iteration 464
X value is 5.999575508375594
Iteration 465
X value is 5.999583998208082
Iteration 466
X value is 5.99959231824392
Iteration 467
X value is 5.999600471879042
Iteration 468
X value is 5.9996084624414605
Iteration 469
X value is 5.999616293192632
Iteration 470
X value is 5.999623967328779
Iteration 471
X value is 5.999631487982203
Iteration 472
X value is 5.999638858222559
Iteration 473
X value is 5.999646081058108
Iteration 474
X value is 5.999653159436946
Iteration 475
X value is 5.999660096248207
Iteration 476
X value is 5.999666894323243
Iteration 477
X value is 5.999673556436779
Iteration 478
X value is 5.999680085308043
Iteration 479
X value is 5.999686483601882
Iteration 480
X value is 5.999692753929844
Iteration 481
X value is 5.999698898851247
Iteration 482
X value is 5.999704920874223
Iteration 483
X value is 5.999710822456738
Iteration 484
X value is 5.999716606007603
Iteration 485
X value is 5.999722273887451
Iteration 486
X value is 5.999727828409702
Iteration 487
X value is 5.9997332718415075
Iteration 488
X value is 5.999738606404677
Iteration 489
X value is 5.999743834276583
Iteration 490
X value is 5.999748957591052
Iteration 491
X value is 5.999753978439231
Iteration 492
X value is 5.9997588988704464
Iteration 493
X value is 5.9997637208930374
Iteration 494
X value is 5.999768446475176
Iteration 495
X value is 5.999773077545673
Iteration 496
X value is 5.99977761599476
Iteration 497
X value is 5.999782063674865
Iteration 498
X value is 5.9997864224013675
Iteration 499
X value is 5.99979069395334
Iteration 500
X value is 5.9997948800742735
Iteration 501
X value is 5.999798982472788
Iteration 502
X value is 5.999803002823332
Iteration 503
X value is 5.999806942766865
Iteration 504
X value is 5.999810803911528
Iteration 505
X value is 5.999814587833297
Iteration 506
X value is 5.999818296076631
Iteration 507
X value is 5.999821930155099
Iteration 508
X value is 5.999825491551997
Iteration 509
X value is 5.999828981720957
Iteration 510
X value is 5.999832402086538
Iteration 511
X value is 5.999835754044807
Iteration 512
X value is 5.999839038963911
Iteration 513
X value is 5.999842258184633
Iteration 514
X value is 5.999845413020941
Iteration 515
X value is 5.9998485047605215
Iteration 516
X value is 5.999851534665311
Iteration 517
X value is 5.999854503972005
Iteration 518
X value is 5.999857413892564
Iteration 519
X value is 5.999860265614713
Iteration 520
X value is 5.9998630603024194
Iteration 521
X value is 5.999865799096371
Iteration 522
X value is 5.999868483114444
Iteration 523
X value is 5.999871113452155
Iteration 524
X value is 5.999873691183112
Iteration 525
X value is 5.999876217359449
Iteration 526
X value is 5.99987869301226
Iteration 527
X value is 5.999881119152015
Iteration 528
X value is 5.999883496768974
Iteration 529
X value is 5.999885826833594
Iteration 530
X value is 5.999888110296922
Iteration 531
X value is 5.999890348090983
Iteration 532
X value is 5.999892541129164
Iteration 533
X value is 5.99989469030658
Iteration 534
X value is 5.999896796500448
Iteration 535
X value is 5.99989886057044
Iteration 536
X value is 5.999900883359031
Iteration 537
X value is 5.99990286569185
Iteration 538
X value is 5.999904808378013
Iteration 539
X value is 5.9999067122104535
Iteration 540
X value is 5.999908577966244
Iteration 541
X value is 5.9999104064069195
Iteration 542
X value is 5.999912198278781
Iteration 543
X value is 5.999913954313206
Iteration 544
X value is 5.999915675226942
Iteration 545
X value is 5.999917361722403
Iteration 546
X value is 5.999919014487955
Iteration 547
X value is 5.999920634198196
Iteration 548
X value is 5.999922221514232
Iteration 549
X value is 5.999923777083947
Iteration 550
X value is 5.999925301542269
Iteration 551
X value is 5.999926795511423
Iteration 552
X value is 5.9999282596011945
Iteration 553
X value is 5.999929694409171
Iteration 554
X value is 5.999931100520987
Iteration 555
X value is 5.999932478510567
Iteration 556
X value is 5.999933828940356
Iteration 557
X value is 5.999935152361549
Iteration 558
X value is 5.999936449314318
Iteration 559
X value is 5.999937720328032
Iteration 560
X value is 5.999938965921471
Iteration 561
X value is 5.999940186603042
Iteration 562
X value is 5.999941382870981
Iteration 563
X value is 5.999942555213561
Iteration 564
X value is 5.99994370410929
Iteration 565
X value is 5.999944830027104
Iteration 566
X value is 5.999945933426562
Iteration 567
X value is 5.999947014758031
Iteration 568
X value is 5.99994807446287
Iteration 569
X value is 5.999949112973613
Iteration 570
X value is 5.99995013071414
Iteration 571
X value is 5.999951128099857
The local minimum occurs at 5.999951128099857