#!/usr/bin/env python # coding: utf-8 # # SciPy - Library of scientific algorithms for Python # J.R. Johansson (jrjohansson at gmail.com) # # The latest version of this [IPython notebook](http://ipython.org/notebook.html) lecture is available at [http://github.com/jrjohansson/scientific-python-lectures](http://github.com/jrjohansson/scientific-python-lectures). # # The other notebooks in this lecture series are indexed at [http://jrjohansson.github.io](http://jrjohansson.github.io). # In[1]: # what is this line all about? Answer in lecture 4 get_ipython().run_line_magic('matplotlib', 'inline') import matplotlib.pyplot as plt from IPython.display import Image # ## Introduction # The SciPy framework builds on top of the low-level NumPy framework for multidimensional arrays, and provides a large number of higher-level scientific algorithms. Some of the topics that SciPy covers are: # # * Special functions ([scipy.special](http://docs.scipy.org/doc/scipy/reference/special.html)) # * Integration ([scipy.integrate](http://docs.scipy.org/doc/scipy/reference/integrate.html)) # * Optimization ([scipy.optimize](http://docs.scipy.org/doc/scipy/reference/optimize.html)) # * Interpolation ([scipy.interpolate](http://docs.scipy.org/doc/scipy/reference/interpolate.html)) # * Fourier Transforms ([scipy.fftpack](http://docs.scipy.org/doc/scipy/reference/fftpack.html)) # * Signal Processing ([scipy.signal](http://docs.scipy.org/doc/scipy/reference/signal.html)) # * Linear Algebra ([scipy.linalg](http://docs.scipy.org/doc/scipy/reference/linalg.html)) # * Sparse Eigenvalue Problems ([scipy.sparse](http://docs.scipy.org/doc/scipy/reference/sparse.html)) # * Statistics ([scipy.stats](http://docs.scipy.org/doc/scipy/reference/stats.html)) # * Multi-dimensional image processing ([scipy.ndimage](http://docs.scipy.org/doc/scipy/reference/ndimage.html)) # * File IO ([scipy.io](http://docs.scipy.org/doc/scipy/reference/io.html)) # # Each of these submodules provides a number of functions and classes that can be used to solve problems in their respective topics. # # In this lecture we will look at how to use some of these subpackages. # # To access the SciPy package in a Python program, we start by importing everything from the `scipy` module. # In[2]: from scipy import * # If we only need to use part of the SciPy framework we can selectively include only those modules we are interested in. For example, to include the linear algebra package under the name `la`, we can do: # In[3]: import scipy.linalg as la # ## Special functions # A large number of mathematical special functions are important for many computational physics problems. SciPy provides implementations of a very extensive set of special functions. For details, see the list of functions in the reference documentation at http://docs.scipy.org/doc/scipy/reference/special.html#module-scipy.special. # # To demonstrate the typical usage of special functions we will look in more detail at the Bessel functions: # In[4]: # # The scipy.special module includes a large number of Bessel-functions # Here we will use the functions jn and yn, which are the Bessel functions # of the first and second kind and real-valued order. We also include the # function jn_zeros and yn_zeros that gives the zeroes of the functions jn # and yn. # from scipy.special import jn, yn, jn_zeros, yn_zeros # In[5]: n = 0 # order x = 0.0 # Bessel function of first kind print "J_%d(%f) = %f" % (n, x, jn(n, x)) x = 1.0 # Bessel function of second kind print "Y_%d(%f) = %f" % (n, x, yn(n, x)) # In[6]: x = linspace(0, 10, 100) fig, ax = plt.subplots() for n in range(4): ax.plot(x, jn(n, x), label=r"$J_%d(x)$" % n) ax.legend(); # In[7]: # zeros of Bessel functions n = 0 # order m = 4 # number of roots to compute jn_zeros(n, m) # ## Integration # ### Numerical integration: quadrature # Numerical evaluation of a function of the type # # $\displaystyle \int_a^b f(x) dx$ # # is called *numerical quadrature*, or simply *quadature*. SciPy provides a series of functions for different kind of quadrature, for example the `quad`, `dblquad` and `tplquad` for single, double and triple integrals, respectively. # # # In[8]: from scipy.integrate import quad, dblquad, tplquad # The `quad` function takes a large number of optional arguments, which can be used to fine-tune the behaviour of the function (try `help(quad)` for details). # # The basic usage is as follows: # In[9]: # define a simple function for the integrand def f(x): return x # In[10]: x_lower = 0 # the lower limit of x x_upper = 1 # the upper limit of x val, abserr = quad(f, x_lower, x_upper) print "integral value =", val, ", absolute error =", abserr # If we need to pass extra arguments to integrand function we can use the `args` keyword argument: # In[11]: def integrand(x, n): """ Bessel function of first kind and order n. """ return jn(n, x) x_lower = 0 # the lower limit of x x_upper = 10 # the upper limit of x val, abserr = quad(integrand, x_lower, x_upper, args=(3,)) print val, abserr # For simple functions we can use a lambda function (name-less function) instead of explicitly defining a function for the integrand: # In[12]: val, abserr = quad(lambda x: exp(-x ** 2), -Inf, Inf) print "numerical =", val, abserr analytical = sqrt(pi) print "analytical =", analytical # As show in the example above, we can also use 'Inf' or '-Inf' as integral limits. # # Higher-dimensional integration works in the same way: # In[13]: def integrand(x, y): return exp(-x**2-y**2) x_lower = 0 x_upper = 10 y_lower = 0 y_upper = 10 val, abserr = dblquad(integrand, x_lower, x_upper, lambda x : y_lower, lambda x: y_upper) print val, abserr # Note how we had to pass lambda functions for the limits for the y integration, since these in general can be functions of x. # ## Ordinary differential equations (ODEs) # SciPy provides two different ways to solve ODEs: An API based on the function `odeint`, and object-oriented API based on the class `ode`. Usually `odeint` is easier to get started with, but the `ode` class offers some finer level of control. # # Here we will use the `odeint` functions. For more information about the class `ode`, try `help(ode)`. It does pretty much the same thing as `odeint`, but in an object-oriented fashion. # # To use `odeint`, first import it from the `scipy.integrate` module # In[14]: from scipy.integrate import odeint, ode # A system of ODEs are usually formulated on standard form before it is attacked numerically. The standard form is: # # $y' = f(y, t)$ # # where # # $y = [y_1(t), y_2(t), ..., y_n(t)]$ # # and $f$ is some function that gives the derivatives of the function $y_i(t)$. To solve an ODE we need to know the function $f$ and an initial condition, $y(0)$. # # Note that higher-order ODEs can always be written in this form by introducing new variables for the intermediate derivatives. # # Once we have defined the Python function `f` and array `y_0` (that is $f$ and $y(0)$ in the mathematical formulation), we can use the `odeint` function as: # # y_t = odeint(f, y_0, t) # # where `t` is and array with time-coordinates for which to solve the ODE problem. `y_t` is an array with one row for each point in time in `t`, where each column corresponds to a solution `y_i(t)` at that point in time. # # We will see how we can implement `f` and `y_0` in Python code in the examples below. # #### Example: double pendulum # Let's consider a physical example: The double compound pendulum, described in some detail here: http://en.wikipedia.org/wiki/Double_pendulum # In[15]: Image(url='http://upload.wikimedia.org/wikipedia/commons/c/c9/Double-compound-pendulum-dimensioned.svg') # The equations of motion of the pendulum are given on the wiki page: # # ${\dot \theta_1} = \frac{6}{m\ell^2} \frac{ 2 p_{\theta_1} - 3 \cos(\theta_1-\theta_2) p_{\theta_2}}{16 - 9 \cos^2(\theta_1-\theta_2)}$ # # ${\dot \theta_2} = \frac{6}{m\ell^2} \frac{ 8 p_{\theta_2} - 3 \cos(\theta_1-\theta_2) p_{\theta_1}}{16 - 9 \cos^2(\theta_1-\theta_2)}.$ # # ${\dot p_{\theta_1}} = -\frac{1}{2} m \ell^2 \left [ {\dot \theta_1} {\dot \theta_2} \sin (\theta_1-\theta_2) + 3 \frac{g}{\ell} \sin \theta_1 \right ]$ # # ${\dot p_{\theta_2}} = -\frac{1}{2} m \ell^2 \left [ -{\dot \theta_1} {\dot \theta_2} \sin (\theta_1-\theta_2) + \frac{g}{\ell} \sin \theta_2 \right]$ # # To make the Python code simpler to follow, let's introduce new variable names and the vector notation: $x = [\theta_1, \theta_2, p_{\theta_1}, p_{\theta_2}]$ # # ${\dot x_1} = \frac{6}{m\ell^2} \frac{ 2 x_3 - 3 \cos(x_1-x_2) x_4}{16 - 9 \cos^2(x_1-x_2)}$ # # ${\dot x_2} = \frac{6}{m\ell^2} \frac{ 8 x_4 - 3 \cos(x_1-x_2) x_3}{16 - 9 \cos^2(x_1-x_2)}$ # # ${\dot x_3} = -\frac{1}{2} m \ell^2 \left [ {\dot x_1} {\dot x_2} \sin (x_1-x_2) + 3 \frac{g}{\ell} \sin x_1 \right ]$ # # ${\dot x_4} = -\frac{1}{2} m \ell^2 \left [ -{\dot x_1} {\dot x_2} \sin (x_1-x_2) + \frac{g}{\ell} \sin x_2 \right]$ # In[16]: g = 9.82 L = 0.5 m = 0.1 def dx(x, t): """ The right-hand side of the pendulum ODE """ x1, x2, x3, x4 = x[0], x[1], x[2], x[3] dx1 = 6.0/(m*L**2) * (2 * x3 - 3 * cos(x1-x2) * x4)/(16 - 9 * cos(x1-x2)**2) dx2 = 6.0/(m*L**2) * (8 * x4 - 3 * cos(x1-x2) * x3)/(16 - 9 * cos(x1-x2)**2) dx3 = -0.5 * m * L**2 * ( dx1 * dx2 * sin(x1-x2) + 3 * (g/L) * sin(x1)) dx4 = -0.5 * m * L**2 * (-dx1 * dx2 * sin(x1-x2) + (g/L) * sin(x2)) return [dx1, dx2, dx3, dx4] # In[17]: # choose an initial state x0 = [pi/4, pi/2, 0, 0] # In[18]: # time coordinate to solve the ODE for: from 0 to 10 seconds t = linspace(0, 10, 250) # In[19]: # solve the ODE problem x = odeint(dx, x0, t) # In[20]: # plot the angles as a function of time fig, axes = plt.subplots(1,2, figsize=(12,4)) axes[0].plot(t, x[:, 0], 'r', label="theta1") axes[0].plot(t, x[:, 1], 'b', label="theta2") x1 = + L * sin(x[:, 0]) y1 = - L * cos(x[:, 0]) x2 = x1 + L * sin(x[:, 1]) y2 = y1 - L * cos(x[:, 1]) axes[1].plot(x1, y1, 'r', label="pendulum1") axes[1].plot(x2, y2, 'b', label="pendulum2") axes[1].set_ylim([-1, 0]) axes[1].set_xlim([1, -1]); # Simple animation of the pendulum motion. We will see how to make better animation in Lecture 4. # In[21]: from IPython.display import display, clear_output import time # In[22]: fig, ax = plt.subplots(figsize=(4,4)) for t_idx, tt in enumerate(t[:200]): x1 = + L * sin(x[t_idx, 0]) y1 = - L * cos(x[t_idx, 0]) x2 = x1 + L * sin(x[t_idx, 1]) y2 = y1 - L * cos(x[t_idx, 1]) ax.cla() ax.plot([0, x1], [0, y1], 'r.-') ax.plot([x1, x2], [y1, y2], 'b.-') ax.set_ylim([-1.5, 0.5]) ax.set_xlim([1, -1]) clear_output() display(fig) time.sleep(0.1) # #### Example: Damped harmonic oscillator # ODE problems are important in computational physics, so we will look at one more example: the damped harmonic oscillation. This problem is well described on the wiki page: http://en.wikipedia.org/wiki/Damping # # The equation of motion for the damped oscillator is: # # $\displaystyle \frac{\mathrm{d}^2x}{\mathrm{d}t^2} + 2\zeta\omega_0\frac{\mathrm{d}x}{\mathrm{d}t} + \omega^2_0 x = 0$ # # where $x$ is the position of the oscillator, $\omega_0$ is the frequency, and $\zeta$ is the damping ratio. To write this second-order ODE on standard form we introduce $p = \frac{\mathrm{d}x}{\mathrm{d}t}$: # # $\displaystyle \frac{\mathrm{d}p}{\mathrm{d}t} = - 2\zeta\omega_0 p - \omega^2_0 x$ # # $\displaystyle \frac{\mathrm{d}x}{\mathrm{d}t} = p$ # # In the implementation of this example we will add extra arguments to the RHS function for the ODE, rather than using global variables as we did in the previous example. As a consequence of the extra arguments to the RHS, we need to pass an keyword argument `args` to the `odeint` function: # In[23]: def dy(y, t, zeta, w0): """ The right-hand side of the damped oscillator ODE """ x, p = y[0], y[1] dx = p dp = -2 * zeta * w0 * p - w0**2 * x return [dx, dp] # In[24]: # initial state: y0 = [1.0, 0.0] # In[25]: # time coordinate to solve the ODE for t = linspace(0, 10, 1000) w0 = 2*pi*1.0 # In[26]: # solve the ODE problem for three different values of the damping ratio y1 = odeint(dy, y0, t, args=(0.0, w0)) # undamped y2 = odeint(dy, y0, t, args=(0.2, w0)) # under damped y3 = odeint(dy, y0, t, args=(1.0, w0)) # critical damping y4 = odeint(dy, y0, t, args=(5.0, w0)) # over damped # In[27]: fig, ax = plt.subplots() ax.plot(t, y1[:,0], 'k', label="undamped", linewidth=0.25) ax.plot(t, y2[:,0], 'r', label="under damped") ax.plot(t, y3[:,0], 'b', label=r"critical damping") ax.plot(t, y4[:,0], 'g', label="over damped") ax.legend(); # ## Fourier transform # Fourier transforms are one of the universal tools in computational physics, which appear over and over again in different contexts. SciPy provides functions for accessing the classic [FFTPACK](http://www.netlib.org/fftpack/) library from NetLib, which is an efficient and well tested FFT library written in FORTRAN. The SciPy API has a few additional convenience functions, but overall the API is closely related to the original FORTRAN library. # # To use the `fftpack` module in a python program, include it using: # In[28]: from numpy.fft import fftfreq from scipy.fftpack import * # To demonstrate how to do a fast Fourier transform with SciPy, let's look at the FFT of the solution to the damped oscillator from the previous section: # In[29]: N = len(t) dt = t[1]-t[0] # calculate the fast fourier transform # y2 is the solution to the under-damped oscillator from the previous section F = fft(y2[:,0]) # calculate the frequencies for the components in F w = fftfreq(N, dt) # In[30]: fig, ax = plt.subplots(figsize=(9,3)) ax.plot(w, abs(F)); # Since the signal is real, the spectrum is symmetric. We therefore only need to plot the part that corresponds to the positive frequencies. To extract that part of the `w` and `F` we can use some of the indexing tricks for NumPy arrays that we saw in Lecture 2: # In[31]: indices = where(w > 0) # select only indices for elements that corresponds to positive frequencies w_pos = w[indices] F_pos = F[indices] # In[32]: fig, ax = plt.subplots(figsize=(9,3)) ax.plot(w_pos, abs(F_pos)) ax.set_xlim(0, 5); # As expected, we now see a peak in the spectrum that is centered around 1, which is the frequency we used in the damped oscillator example. # ## Linear algebra # The linear algebra module contains a lot of matrix related functions, including linear equation solving, eigenvalue solvers, matrix functions (for example matrix-exponentiation), a number of different decompositions (SVD, LU, cholesky), etc. # # Detailed documentation is available at: http://docs.scipy.org/doc/scipy/reference/linalg.html # # Here we will look at how to use some of these functions: # # # ### Linear equation systems # Linear equation systems on the matrix form # # $A x = b$ # # where $A$ is a matrix and $x,b$ are vectors can be solved like: # In[33]: from scipy.linalg import * # In[34]: A = array([[1,2,3], [4,5,6], [7,8,9]]) b = array([1,2,3]) # In[35]: x = solve(A, b) x # In[36]: # check dot(A, x) - b # We can also do the same with # # $A X = B$ # # where $A, B, X$ are matrices: # In[37]: A = rand(3,3) B = rand(3,3) # In[38]: X = solve(A, B) # In[39]: X # In[40]: # check norm(dot(A, X) - B) # ### Eigenvalues and eigenvectors # The eigenvalue problem for a matrix $A$: # # $\displaystyle A v_n = \lambda_n v_n$ # # where $v_n$ is the $n$th eigenvector and $\lambda_n$ is the $n$th eigenvalue. # # To calculate eigenvalues of a matrix, use the `eigvals` and for calculating both eigenvalues and eigenvectors, use the function `eig`: # In[41]: evals = eigvals(A) # In[42]: evals # In[43]: evals, evecs = eig(A) # In[44]: evals # In[45]: evecs # The eigenvectors corresponding to the $n$th eigenvalue (stored in `evals[n]`) is the $n$th *column* in `evecs`, i.e., `evecs[:,n]`. To verify this, let's try multiplying eigenvectors with the matrix and compare to the product of the eigenvector and the eigenvalue: # In[46]: n = 1 norm(dot(A, evecs[:,n]) - evals[n] * evecs[:,n]) # There are also more specialized eigensolvers, like the `eigh` for Hermitian matrices. # ### Matrix operations # In[47]: # the matrix inverse inv(A) # In[48]: # determinant det(A) # In[49]: # norms of various orders norm(A, ord=2), norm(A, ord=Inf) # ### Sparse matrices # Sparse matrices are often useful in numerical simulations dealing with large systems, if the problem can be described in matrix form where the matrices or vectors mostly contains zeros. Scipy has a good support for sparse matrices, with basic linear algebra operations (such as equation solving, eigenvalue calculations, etc.). # # There are many possible strategies for storing sparse matrices in an efficient way. Some of the most common are the so-called coordinate form (COO), list of list (LIL) form, and compressed-sparse column CSC (and row, CSR). Each format has some advantages and disadvantages. Most computational algorithms (equation solving, matrix-matrix multiplication, etc.) can be efficiently implemented using CSR or CSC formats, but they are not so intuitive and not so easy to initialize. So often a sparse matrix is initially created in COO or LIL format (where we can efficiently add elements to the sparse matrix data), and then converted to CSC or CSR before used in real calculations. # # For more information about these sparse formats, see e.g. http://en.wikipedia.org/wiki/Sparse_matrix # # When we create a sparse matrix we have to choose which format it should be stored in. For example, # In[50]: from scipy.sparse import * # In[51]: # dense matrix M = array([[1,0,0,0], [0,3,0,0], [0,1,1,0], [1,0,0,1]]); M # In[52]: # convert from dense to sparse A = csr_matrix(M); A # In[53]: # convert from sparse to dense A.todense() # More efficient way to create sparse matrices: create an empty matrix and populate with using matrix indexing (avoids creating a potentially large dense matrix) # In[54]: A = lil_matrix((4,4)) # empty 4x4 sparse matrix A[0,0] = 1 A[1,1] = 3 A[2,2] = A[2,1] = 1 A[3,3] = A[3,0] = 1 A # In[55]: A.todense() # Converting between different sparse matrix formats: # In[56]: A # In[57]: A = csr_matrix(A); A # In[58]: A = csc_matrix(A); A # We can compute with sparse matrices like with dense matrices: # In[59]: A.todense() # In[60]: (A * A).todense() # In[61]: A.todense() # In[62]: A.dot(A).todense() # In[63]: v = array([1,2,3,4])[:,newaxis]; v # In[64]: # sparse matrix - dense vector multiplication A * v # In[65]: # same result with dense matrix - dense vector multiplication A.todense() * v # ## Optimization # Optimization (finding minima or maxima of a function) is a large field in mathematics, and optimization of complicated functions or in many variables can be rather involved. Here we will only look at a few very simple cases. For a more detailed introduction to optimization with SciPy see: http://scipy-lectures.github.com/advanced/mathematical_optimization/index.html # # To use the optimization module in scipy first include the `optimize` module: # In[66]: from scipy import optimize # ### Finding a minima # Let's first look at how to find the minima of a simple function of a single variable: # In[67]: def f(x): return 4*x**3 + (x-2)**2 + x**4 # In[68]: fig, ax = plt.subplots() x = linspace(-5, 3, 100) ax.plot(x, f(x)); # We can use the `fmin_bfgs` function to find the minima of a function: # In[69]: x_min = optimize.fmin_bfgs(f, -2) x_min # In[70]: optimize.fmin_bfgs(f, 0.5) # We can also use the `brent` or `fminbound` functions. They have a bit different syntax and use different algorithms. # In[71]: optimize.brent(f) # In[72]: optimize.fminbound(f, -4, 2) # ### Finding a solution to a function # To find the root for a function of the form $f(x) = 0$ we can use the `fsolve` function. It requires an initial guess: # In[73]: omega_c = 3.0 def f(omega): # a transcendental equation: resonance frequencies of a low-Q SQUID terminated microwave resonator return tan(2*pi*omega) - omega_c/omega # In[74]: fig, ax = plt.subplots(figsize=(10,4)) x = linspace(0, 3, 1000) y = f(x) mask = where(abs(y) > 50) x[mask] = y[mask] = NaN # get rid of vertical line when the function flip sign ax.plot(x, y) ax.plot([0, 3], [0, 0], 'k') ax.set_ylim(-5,5); # In[75]: optimize.fsolve(f, 0.1) # In[76]: optimize.fsolve(f, 0.6) # In[77]: optimize.fsolve(f, 1.1) # ## Interpolation # Interpolation is simple and convenient in scipy: The `interp1d` function, when given arrays describing X and Y data, returns and object that behaves like a function that can be called for an arbitrary value of x (in the range covered by X), and it returns the corresponding interpolated y value: # In[78]: from scipy.interpolate import * # In[79]: def f(x): return sin(x) # In[80]: n = arange(0, 10) x = linspace(0, 9, 100) y_meas = f(n) + 0.1 * randn(len(n)) # simulate measurement with noise y_real = f(x) linear_interpolation = interp1d(n, y_meas) y_interp1 = linear_interpolation(x) cubic_interpolation = interp1d(n, y_meas, kind='cubic') y_interp2 = cubic_interpolation(x) # In[81]: fig, ax = plt.subplots(figsize=(10,4)) ax.plot(n, y_meas, 'bs', label='noisy data') ax.plot(x, y_real, 'k', lw=2, label='true function') ax.plot(x, y_interp1, 'r', label='linear interp') ax.plot(x, y_interp2, 'g', label='cubic interp') ax.legend(loc=3); # ## Statistics # The `scipy.stats` module contains a large number of statistical distributions, statistical functions and tests. For a complete documentation of its features, see http://docs.scipy.org/doc/scipy/reference/stats.html. # # There is also a very powerful python package for statistical modelling called statsmodels. See http://statsmodels.sourceforge.net for more details. # In[82]: from scipy import stats # In[83]: # create a (discrete) random variable with Poissonian distribution X = stats.poisson(3.5) # photon distribution for a coherent state with n=3.5 photons # In[84]: n = arange(0,15) fig, axes = plt.subplots(3,1, sharex=True) # plot the probability mass function (PMF) axes[0].step(n, X.pmf(n)) # plot the cumulative distribution function (CDF) axes[1].step(n, X.cdf(n)) # plot histogram of 1000 random realizations of the stochastic variable X axes[2].hist(X.rvs(size=1000)); # In[85]: # create a (continuous) random variable with normal distribution Y = stats.norm() # In[86]: x = linspace(-5,5,100) fig, axes = plt.subplots(3,1, sharex=True) # plot the probability distribution function (PDF) axes[0].plot(x, Y.pdf(x)) # plot the cumulative distribution function (CDF) axes[1].plot(x, Y.cdf(x)); # plot histogram of 1000 random realizations of the stochastic variable Y axes[2].hist(Y.rvs(size=1000), bins=50); # Statistics: # In[87]: X.mean(), X.std(), X.var() # Poisson distribution # In[88]: Y.mean(), Y.std(), Y.var() # normal distribution # ### Statistical tests # Test if two sets of (independent) random data come from the same distribution: # In[89]: t_statistic, p_value = stats.ttest_ind(X.rvs(size=1000), X.rvs(size=1000)) print "t-statistic =", t_statistic print "p-value =", p_value # Since the p value is very large we cannot reject the hypothesis that the two sets of random data have *different* means. # To test if the mean of a single sample of data has mean 0.1 (the true mean is 0.0): # In[90]: stats.ttest_1samp(Y.rvs(size=1000), 0.1) # Low p-value means that we can reject the hypothesis that the mean of Y is 0.1. # In[91]: Y.mean() # In[92]: stats.ttest_1samp(Y.rvs(size=1000), Y.mean()) # ## Further reading # * http://www.scipy.org - The official web page for the SciPy project. # * http://docs.scipy.org/doc/scipy/reference/tutorial/index.html - A tutorial on how to get started using SciPy. # * https://github.com/scipy/scipy/ - The SciPy source code. # ## Versions # In[93]: get_ipython().run_line_magic('reload_ext', 'version_information') get_ipython().run_line_magic('version_information', 'numpy, matplotlib, scipy')