Difference between revisions of "Python/pip"

From HPC Wiki
Jump to navigation Jump to search
m
m
 
(5 intermediate revisions by 2 users not shown)
Line 1: Line 1:
 +
[[Category:Basics]][[Category:HPC-User]]
 +
 
== General ==
 
== General ==
Python is an Open Source, interpreted high-level programming language which is popular for prototyping high end simulations and data science applications. In addition to a large standard library there are many thirdparty libraries available (e.g. Numpy, Scipy). However, it is a single threaded environment and therefore may not be most suitable for very large simulations.  
+
Python ([https://www.python.org/ official website], [https://en.wikipedia.org/wiki/Python_(programming_language) Wikipedia]) is an [https://docs.python.org/3/license.html Open Source], [https://en.wikipedia.org/wiki/Interpreter_(computing) interpreted] high-level programming language which is popular for prototyping high end simulations and data science applications. In addition to a large standard library there are many third-party libraries available (e.g. [https://numpy.org/ NumPy], [https://scipy.org/ SciPy]), as well as the built-in package manager [https://pip.pypa.io/en/stable/ pip]. However, it does not have good performance nor easy parallelization and therefore may not be most suitable for very large simulations.
  
 
__TOC__
 
__TOC__
  
== Usage ==
+
== Installation and Usage ==
Python and its most commonly used libraries (NumPy, SciPy, Matplotlib) are usually available as a module. Please notice that an older version may be set as default. If the version you need is not available, you can install it in your directory by using 'pip' or 'easy_install'.
+
Python and its most commonly used libraries (NumPy, SciPy, [https://matplotlib.org/ Matplotlib]) are usually available on HPC clusters as an [[environment module]], possibly in more than one version. Often Linux systems also have default Python instances that are available without loading a module, however those are typically older. If the version you need is not available, you can install it in your home directory by using <code>pip</code>, <code>conda</code> or <code>easy_install</code>, if available.
  
 +
'''Tip''': In our experience, using the wrong Python instance, or the wrong Pip, is a common error source for HPC users. Be aware of which Python instance you are talking to.
 +
 +
You can check the used version with:
 +
<syntaxhighlight lang="bash">
 +
$ python --version
 +
</syntaxhighlight>
  
Examples:
+
and the corresponding install directory with
 
<syntaxhighlight lang="bash">
 
<syntaxhighlight lang="bash">
$ export MYPY=$HOME/SomeDirForPythonInstall
+
$ which python
$ export PYTHONPATH=$PYTHONPATH:$MYPY/lib/python2.7/site-packages
 
$ mkdir -p $MYPY/lib/python2.7/site-packages
 
$ easy_install --prefix $MYPY  theano
 
 
</syntaxhighlight>
 
</syntaxhighlight>
Note: you need to set PYTHONPATH anytime you wish to use 'teano' Py-module!
 
  
 +
Note that Python 2 has been deprecated since 2020, and Python 3 should always be used, unless Python 2 is absolutely necessary for backwards compatibility. Python 2 is often still available however, and may even be the default. You can also specify the Python version directly:
 
<syntaxhighlight lang="bash">
 
<syntaxhighlight lang="bash">
$ pip install --user theano
+
$ python2 --version
 +
$ python3 --version
 +
</syntaxhighlight>
 +
if you need to differentiate.
 +
 
 +
In general you run a Python script with a command that looks something like the following:
 +
 
 +
<syntaxhighlight lang="bash">
 +
$ python my_program.py
 +
</syntaxhighlight>
 +
 
 +
This will execute all the Python code in that script. Often, there will be a line like the one above in your [[job script]].
 +
 
 +
===== Learning Resources =====
 +
 
 +
* [https://docs.python.org/3/tutorial/ Tutorial from official documentation]
 +
* Python tutorials at [https://www.tutorialspoint.com/python/ Tutorials Point]
 +
* [https://ulhpc-tutorials.readthedocs.io/en/latest/python/basics/ Python tutorial using HPC examples]
 +
* "Python for Everybody" - Good [https://www.youtube.com/watch?v=8DvywoWv6fI&t=955s video tutorial] covering basic Python programming
 +
* [https://www.datacamp.com/blog/python-best-practices-for-better-code Good overview of Python best practices]
 +
* [https://www.activestate.com/blog/top-10-coding-mistakes-in-python-how-to-avoid-them/ Overview of common newbie mistakes]
 +
* Overview of Python topics at [https://www.w3schools.com/python/ W3 Schools]
 +
 
 +
== Arrays ==
 +
 
 +
[https://en.wikipedia.org/wiki/Array_(data_structure) Arrays] are a particularly important datatype to master for scientific programmers. Python has a default [https://docs.python.org/3/library/array.html#module-array built-in array] datatype that is rarely used. The much more common way, particularly in scientific software, is to use the [https://numpy.org/ NumPy package] with its [https://numpy.org/doc/stable/user/absolute_beginners.html#what-is-an-array array] type. The array syntax used in NumPy is commonly used by other software too. For example [https://www.tensorflow.org/guide/tensor TensorFlow] and [https://pytorch.org/tutorials/beginner/introyt/tensors_deeper_tutorial.html PyTorch tensors] are functionally very similar to NumPy arrays. [https://pandas.pydata.org/pandas-docs/stable/getting_started/intro_tutorials/01_table_oriented.html Pandas dataframes] are also similar in some respects.
 +
 
 +
An array is a container datatype that contains many entries of the same datatype (e.g. floating-point numbers). The entries are also called array ''elements''. The main advantages of arrays are:
 +
 
 +
* They are an efficient way to store many entries, as metadata (e.g. entry datatype) only has to be stored once for the entire array.
 +
* The elements are stored contiguously (one directly after the other) in memory. Computers can therefore potentially make use of [https://en.wikipedia.org/wiki/CPU_cache caching] and [https://stackoverflow.com/a/1422181 vector instructions], which speeds up array operations.
 +
* Operations with all entries can often be expressed very concisely in code. For example, to add a constant to all elements, in NumPy and most other Python array libraries, one can simply write <code>array + 1.0</code> instead of having to write a loop that adds <code>1.0</code> to each element individually.
 +
* Arrays correspond closely in many respects to mathematical structures like vectors and matrices, making them more practical for scientific use, and more intuitive to understand for many scientists.
 +
 
 +
The main disadvantage is that resizing arrays is harder, particularly when adding elements in the middle: memory has to be added at the end, where no free memory block might be (possibly necessitating copying the entire array to a new, larger, memory block). All entries after the added element also need to be moved by one position. Python offers the built-in [https://realpython.com/python-list/ list], [https://realpython.com/python-sets/ set] and [https://realpython.com/python-dicts/ dict] datatypes if entries need to be added or removed often.
 +
 
 +
A ''multi-dimensional'' array is one where elements can be addressed with multiple indices. For example, elements in a two-dimensional NumPy array can be addressed by row and column. The number of dimensions is not limited to 2. Most third-party libraries mentioned here use multi-dimensional arrays. In NumPy, the word ''size'' typically denotes the total number of elements, while the word ''shape'' denotes the size of the individual dimensions. In NumPy arrays, they can be accessed with <code>my_array.size</code> and <code>my_array.shape</code>, respectively. Note that the latter is a Python [https://realpython.com/python-tuple/ tuple]. See [https://numpy.org/doc/stable/user/absolute_beginners.html#array-attributes this tutorial] in the NumPy documentation for examples.
 +
 
 +
==== Learning resources ====
 +
 
 +
* [https://numpy.org/doc/stable/user/absolute_beginners.html NumPy: the absolute basics for beginners] (NumPy documentation)
 +
* [https://docs.scipy.org/doc/scipy/tutorial/index.html SciPy user guide] with linear algebra and many other algorithmic operations on NumPy arrays
 +
* [https://pytorch.org/tutorials/beginner/introyt/tensors_deeper_tutorial.html Introduction to PyTorch tensors], PyTorch documentation
 +
* [https://www.tensorflow.org/guide/tensor TensorFlow tensors guide], TensorFlow documentation
 +
 
 +
=== Key concepts for understanding arrays ===
 +
 
 +
The examples in this section refer to NumPy arrays, but they mostly apply analogously to PyTorch tensors and other array types.
 +
 
 +
==== Indexing and slicing ====
 +
 
 +
Elements can be indexed individually or the array as a whole can be used in mathematical operations and other functions. However NumPy and other arrays in Python also allow addressing subsets of array elements. The syntax usually uses square brackets, e.g. <code>my_matrix[3, 5] = 1.0</code>. In multi-dimensional arrays, the last (rightmost) dimensions can be left out, then implicitly all elements along that dimension are selected. For example, in a 2D array <code>my_array[5]</code> is identical to <code>my_array[5, :]</code>.
 +
 
 +
The indexing syntax allows a lot more advanced addressing of elements and groups of elements (sub-arrays).
 +
 
 +
'''Caution''': Python uses zero-based indexing, so element count starts at zero. Additionally, the stop is one larger than the largest element one wants to address.
 +
 
 +
'''Slices''' signify a range of elements along the given axis. They can be specified with a ''start'' and ''stop'' and optionally a ''step''. The syntax uses colons to separate like so: <code>[start:stop:step]</code>. All three elements of a slice, and even the second colon, can be left out. For example <code>my_array[:]</code> would address all elements in a 1D array.
 +
 
 +
Note that Python slices are also a built-in object named <code>slice</code>. This syntax is used in many other Python datatypes as well, for example strings.
 +
 
 +
'''Boolean Indexing''': An array of [[bool]] values with the same shape as the array can be used as a ''mask'', so that only the elements where the mask is true get addressed. For example <code>my_array[my_array < 0] = 0</code> will set all negative elements to zero. The expression <code>my_array < 0</code> creates a temporary bool array in this case, but of course the mask can be defined separately and its variable name passed into the square brackets.
 +
 
 +
'''Integer arrays''' and other integer sequences can also be passed into the square brackets to address multiple elements along the given dimension(s) at a time.
 +
 
 +
==== Memory Layout ====
 +
 
 +
Data in the computer's working memory ([[RAM]]) is numbered sequentially. A one-dimensional array therefore maps to the memory addresses very straightforwardly, but a multi-dimensional array can map to memory in multiple different ways. NumPy arrays by default use row-major ordering, called C order in NumPy. They can optionally be set to column-major ordering, which NumPy calls Fortran order.
 +
 
 +
This mapping of multiple dimensions to one also means that in some circumstances the same array can be reinterpreted as having different shapes without having to change the order of the elements in memory. For example, an N-dimensional NumPy array can always be interpreted as a 1D array. NumPy has many operations for reshaping pre-defined, for example [https://numpy.org/doc/stable/reference/generated/numpy.ravel.html ravel].
 +
 
 +
'''Tip''': Understanding which transformations change the order of array elements and which do not is key to ensuring that your Python code performs well. Unnecessary re-arranging of array elements takes time and, depending on the operation, extra memory. NumPy will generally '''not warn''' you about this kind of waste.
 +
 
 +
If you retrieve a part of an array using, for example, the slicing operations used above, you will usually get a so-called array [https://numpy.org/doc/stable/reference/generated/numpy.ndarray.view.html '''view''']. This is an object that looks at the same data in a different way, but can also be passed into NumPy operations as if it were a normal array. This also implies that modifying array values in the view will change them in the original. Most operations will return views, a few will return copies.
 +
 
 +
===== Learning Resources =====
 +
 
 +
* [https://numpy.org/doc/stable/user/basics.copies.html Copies and Views], NumPy documentation
 +
* More on [https://ncar-hackathons.github.io/scientific-computing/numpy/02_memory_layout.html array memory layouts]
 +
 
 +
==== Vectorized Operations and Broadcasting ====
 +
 
 +
In the context of NumPy and array operations, the term [https://realpython.com/numpy-array-programming/#what-is-vectorization vectorization] refers to operations that are defined for individual array elements, but also can be easily applied to larger arrays. Note that the term vectorization also refers to a CPU's or GPU's capability to operate on multiple values at the same time, which is a related but different concept.
 +
 
 +
NumPy has a concept called '''array broadcasting''' ([https://numpy.org/doc/stable/user/basics.broadcasting.html see NumPy documentation]): operations can not only be done on arrays with completely identical shapes, but also if one of the operand arrays has a size of one in that dimension.
 +
 
 +
The simplest case would be an operations with a scalar and, say, a 5x4 array <code>a</code>:
 +
 
 +
<syntaxhighlight lang="python">
 +
x1 = a + 5
 +
</syntaxhighlight>
 +
 
 +
The scalar <code>5</code> is ''broadcast'' onto the 5x4 elements of <code>a</code>, and added to each one. This requires array shapes to be compatible, i.e. to have either an identical length or a length of one along each dimension. In this case, they are compatible because the <code>5</code> is implicitly interpreted as a 2D array of shape 1x1.
 +
 
 +
In the same vein, a 1D array of size 4 <code>b</code> could be added to <code>a</code> because the shapes are compatible. Mathematically, this can be seen as adding a vector <code>b</code> to each row of a matrix <code>a</code>.
 +
 
 +
<syntaxhighlight lang="python">
 +
x2 = a + b
 +
</syntaxhighlight>
 +
 
 +
Broadcasting always happens from the last dimension forward. That means that for example a 1D array of length 5 <code>c</code> could not be added to a, because the last dimension of <code>a</code> is 4 and of <code>c</code> is 5.
 +
 
 +
<syntaxhighlight lang="python">
 +
x3 = a + c  # Error if c has shape 5
 +
</syntaxhighlight>
 +
 
 +
This raises the question of what to do if one wants to add a vector  to each column of a matrix. NumPy gives users control over which operations to apply along which axes in several ways. The first is the <code>numpy.newaxis</code> object. One can use this to easily 'append' an array dimension. For example the following would work:
 +
 
 +
<syntaxhighlight lang="python">
 +
x3 = a + c[:, numpy.newaxis]
 +
</syntaxhighlight>
 +
 
 +
The syntax <code>[:, numpy.newaxis]</code> reinterprets the 1D array <code>c</code> as a 5x1 2D array. Now the shapes of the two operands - 5x4 and 5x1 respectively, are compatible.
 +
 
 +
Additionally, NumPy makes use of the <code>...</code> (ellipsis) Python object as a placeholder for 'zero or more additional dimensions'. This allows writing code that can handle arrays with an arbitrary number of dimensions. For example, consider a use case where the code handles many arrays of points (each with x, y and z coordinates stored in the last array dimension). A function that only manipulates x coordinates might look like this:
 +
 
 +
<syntaxhighlight lang="python">
 +
def add_2_to_x(points):
 +
    return points[:, 0] + 2.0
 +
</syntaxhighlight>
 +
 
 +
This function can only handle a list of points (a 2D array). It cannot handle a single point, because the <code>:</code> requires the <code>points</code> array to have two dimensions. Nor can it handle a higher-dimensional array (let's say a grid of points). However, the ellipsis object can stand in as a placeholder:
 +
 
 +
<syntaxhighlight lang="python">
 +
def add_2_to_x(points):
 +
    return points[..., 0] + 2.0
 +
</syntaxhighlight>
 +
 
 +
and the function can now handle 1D, 3D and higher-dimensional arrays with no additional code.
 +
 
 +
===== Learning Resources =====
 +
 
 +
* [https://numpy.org/doc/stable/user/basics.broadcasting.html Broadcasting explained] in the official NumPy documentation
 +
* Good explanation of [https://stackoverflow.com/a/1422181 vectorized operations]
 +
* NumPy documentation on arrays and memory layout: [https://numpy.org/doc/stable/reference/arrays.ndarray.html] [https://numpy.org/devdocs/dev/internals.html]
 +
* [https://www.youtube.com/playlist?list=PLJ1odve0o6dWCqb1cxTm4n860vGjZcG8R NumPy Python for Data Analysis] - Series of short Youtube videos demonstrating NumPy arrays
 +
 
 +
== Scientific and numerical libraries ==
 +
 
 +
=== NumPy ===
 +
 
 +
[https://numpy.org/doc/2.0/ NumPy] is a powerful numerical computing library in Python, specializing in large, multi-dimensional arrays and matrices. It enhances Python with efficient data structures for array computations and a vast collection of high-level mathematical functions.
 +
 
 +
A good introduction for NumPy syntax are the [https://github.com/rougier/numpy-100 100 NumPy exercises]. For an introduction with focus on efficient computing, refer to [https://www.paulnorvig.com/guides/introduction-to-numpy-for-high-performance-computing.html this tutorial]. Additional tutorials are available on YouTube, including the 3rd and 4th videos in [https://www.youtube.com/playlist?list=PL1tk5lGm7zvQ-EzsiTZ6Xv1SxZs74epzg this series] with corresponding Notebooks in [https://gitlab.jsc.fz-juelich.de/sdlbio-courses/hpc-python this GitLab repository]. Another informative YouTube video, covering NumPy in the first 1:48 minutes, is accessible [https://www.youtube.com/playlist?list=PL1tk5lGm7zvSBUNbWEgTnh-vguO4w1eeY here], along with related notebooks available in [https://github.com/eth-cscs/PythonHPC/tree/master/numpy this Github repository].
 +
 
 +
However, when working with extensive arrays, performance might lag. To address this, consider alternatives like NumExpr, enabling expression evaluation on large arrays with a smaller memory footprint. For further performance optimization, explore tools such as [https://numba.pydata.org/ Numba] (just-in-time compilation), [https://cython.org/ Cython] (C-level optimizations), and [https://cupy.dev/ CuPy] (GPU acceleration), each offering distinct advantages based on specific performance requirements and available computing resources.
 +
 
 +
=== SciPy ===
 +
 
 +
[https://docs.scipy.org/doc//scipy/index.html SciPy] is built on top of NumPy, aimed to facilitate complex mathematical operations, optimization routines, signal processing, and statistical analysis. [https://lectures.scientific-python.org/intro/scipy/index.html Here] is a quick tour through the main SciPy modules. For more details refer to the official [https://docs.scipy.org/doc/scipy/tutorial/index.html#user-guide SciPy user guide].
 +
 
 +
=== PyTorch ===
 +
 
 +
''Main articles: [[Machine and Deep Learning Frameworks]] and [[PyTorch]]''
 +
 
 +
[https://pytorch.org/docs/stable/index.html PyTorch] is a tensor computation (like NumPy) library with strong GPU acceleration for training artificial neural networks. The installation procedure depends on the cluster, which can be either using module environment, Singularity/Apptainer images or installing it yourself. An example can be found in [https://doc.nhr.fau.de/apps/pytorch/ this] HPC cluster's documentation.
 +
 
 +
PyTorch has its own [https://pytorch.org/tutorials/beginner/dist_overview.html distributed package] (<code>torch.distributed</code>), which helps researchers to parallelize their computations across processes and multiple nodes. More information on using <code>torch.distributed</code> in your Python codes can be found at the [https://pytorch.org/tutorials/intermediate/dist_tuto.html PyTorch Distributed Tutorial].
 +
 
 +
=== TensorFlow ===
 +
 
 +
''Main articles: [[Machine and Deep Learning Frameworks]] and [[TensorFlow]]''
 +
 
 +
[https://www.tensorflow.org/ TensorFlow] is an open-source software library for machine learning and artificial intelligence. It can be used across a range of tasks but has a particular focus on training and inference of deep neural networks. Its installation on HPC systems depend on the cluster. Here are few examples for the various ways to install it:
 +
 
 +
'''Module Environment''': Installation can be provided by the [[module environment]]. For-example in a similar way to [https://compendium.hpc.tu-dresden.de/software/tensorflow/ this HPC cluster].
 +
 
 +
'''Apptainer Container''': Using Apptainer container with and without GPU, for-example in a similar way to [https://doc.nhr.fau.de/apps/tensorflow/#using-docker-images this HPC cluster] or [https://hpc.nmsu.edu/discovery/software/tensorflow/using-tensorflow/ this one]
 +
 
 +
'''Anaconda Distribution''': Install TensorFlow using the pre-installed Anaconda distribution, if your HPC cluster has one: for-example [https://docs.rcc.fsu.edu/software/tensorflow/#using-the-default-tensorflow-provided-with-anaconda here]
 +
 
 +
'''Home Directory Installation with Conda/Pip''': Install TensorFlow in your home directory with conda/pip to create a virtual python environment [https://docs.rcc.fsu.edu/software/tensorflow/#installing-tensorflow-in-your-home-directory-using-conda here] or [https://researchcomputing.princeton.edu/support/knowledge-base/tensorflow#install here] or [https://doc.nhr.fau.de/apps/tensorflow/#installation here]
 +
 
 +
For TensorFlow tutorials, explore the [https://www.tensorflow.org/tutorials official TensorFlow tutorials]. For a detailed guide on how to program TensorFlow code for GPUs, refer to [https://www.tensorflow.org/guide/gpu this section] of the official documentation.
 +
To execute TensorFlow jobs on an HPC system, you can refer to an example of a TensorFlow Slurm job provided [https://hpc.nmsu.edu/discovery/software/tensorflow/using-tensorflow/ here] or [https://hpc-docs.cubi.bihealth.org/how-to/software/tensorflow/#writing-tensorflow-slurm-jobs here].
 +
 
 +
=== BLAS and LAPACK ===
 +
 
 +
[https://netlib.org/blas/ BLAS] and [https://netlib.org/lapack/ LAPACK] are two specifications of linear algebra libraries. The BLAS package routines address low-level scalar, vector and matrix manipulations (such as matrix--vector and matrix--matrix multiplication) while the LAPACK package builds on the BLAS routines to, among other things, factorize matrices, solve simultaneous linear equations and eigenvalue problems. [https://www.youtube.com/watch?v=jhxbk6AlCps This Youtube lecture] gives an overview about these two libraries.
 +
 
 +
BLAS and LAPACK each have multiple implementations. The most common ones are the [https://www.netlib.org/lapack/ reference implementations], [http://www.openblas.net/ OpenBLAS] and the [https://www.intel.com/content/www/us/en/developer/articles/technical/numpyscipy-with-intel-mkl.html Intel MKL].
 +
 
 +
Python frameworks discussed on this page often use BLAS and LAPACK as a backend. Users normally do not need to install or configure the backends manually, but the need may arise when performance is a concern, for example switching to an implementation that supports multithreading or GPUs. See for example [https://numpy.org/doc/stable/building/blas_lapack.html this guide on configuring BLAS and LAPACK for SciPy].
 +
 
 +
=== Pandas ===
 +
 
 +
[https://pandas.pydata.org/docs/index.html Pandas] offers efficient methods to load and processing data,  alongside robust functionalities for exploration, summarization, and manipulation. The main data structure used in Pandas is the [https://realpython.com/pandas-dataframe/ Dataframe], see also [https://pandas.pydata.org/pandas-docs/stable/user_guide/dsintro.html this introduction on Pandas data structures]
 +
 
 +
Seamlessly integrating with Pandas, the Dask library enables the leveraging of parallelism in HPC systems, allowing for the scaling of Pandas operations to larger-memory datasets and efficient utilization of multiple CPU cores. To optimize the performance, one can use vectorized operations, avoiding unnecessary data copies and parallelizing computations. For additional guidance, refer to the [https://pandas.pydata.org/pandas-docs/stable/getting_started/tutorials.html Pandas user's guide].
 +
 
 +
== Performance ==
 +
 
 +
Python is a rather '''slow language'''. A naive pure-Python implementation of a numerical algorithm tends to be considerably slower than a [[C]] or [[Fortran]] implementation of the same algorithm, up to two orders of magnitude slower.
 +
 
 +
When using Python in HPC, it is therefore usually best to use pre-existing libraries like NumPy, that are built to provide a higher performance (often by outsourcing the actual computations to C or C++ code), instead of implementing basic algorithms oneself.
 +
 
 +
There are also libraries that compile or convert Python code into some other form that runs faster. Examples are [https://numba.readthedocs.io/en/stable/user/5minguide.html Numba], an ahead-of time compiler and [http://docs.cython.org/en/latest/src/tutorial/cython_tutorial.html Cython], which generates C code from Python code. Both of those can greatly speed up running code but require some amount of additional development effort and typically cover only a subset of possible Python code.
 +
 
 +
Additional basic concepts relevant to Python performance are:
 +
 
 +
=== Avoiding explicit loops ===
 +
 
 +
As discussed above in the section on vectorized operations, NumPy (and PyTorch, TensorFlow etc.) offer the possibility to perform an operation on an entire array in one go. This should '''always be tried first''' before writing loops in pure Python. Writing a raw loop in Python is often '''several orders of magnitude slower''' than the equivalent array operation. This is because pure Python operations introduce a large overhead that dedicated array operations avoid (usually by implementing those operations in another language).
 +
 
 +
The following example compares a matrix multiplication using explicit Python loops with the NumPy function <code>matmul</code>. When tested, the explicit loop was 2-4 orders of magnitude slower.
 +
 
 +
<syntaxhighlight lang="python">
 +
import time
 +
import numpy as np
 +
 
 +
n = 300
 +
x = np.random.rand(n, n)
 +
y = np.random.rand(n, n)
 +
result = np.zeros((n, n))
 +
 
 +
t0 = time.time()
 +
 
 +
for i in range(n):
 +
    for j in range(n):
 +
        for k in range(n):
 +
            result[i, j] += x[i, k] * y[k, j]
 +
t1 = time.time()
 +
print(t1 - t0)
 +
 
 +
result2 = np.matmul(x, y)
 +
t2 = time.time()
 +
print(t2 - t1)
 +
</syntaxhighlight>
 +
 
 +
=== Data locality and CPU caches ===
 +
 
 +
Modern CPUs and GPUs can perform operations on multiple sequential array elements quickly or even at the same time. For this purpose, they have ''caches'' ([https://en.wikipedia.org/wiki/CPU_cache Wikipedia]): data is not read from RAM one-by one, but a chunk (called a ''cache line'') at a time. This means that if an operation (e.g. an addition) needs to be done with all entries in a chunk, the cache line has to be fetched from memory only once. Otherwise, an entire cache line would be fetched, the operation only done on one element, and later the same line would have to be fetched again just to do the same operation on the next element, and so on.
 +
 
 +
This means that the programmer should ensure that, as much as possible, operations on elements happen in the right order to make use of caching. Developing an intuitive understanding of the memory layout, see above, can make programming with ''data locality'' in mind easier. The Wikipedia article on [https://en.wikipedia.org/wiki/Locality_of_reference#Spatial_and_temporal_locality_usage Locality of reference] contains more information on caches and more examples
 +
 
 +
=== Temporary objects ===
 +
 
 +
Often NumPy operations will create a temporary intermediate results, without the user noticing. This increases memory consumption.
 +
 
 +
NumPy offers ''in-place'' operators which perform a basic operation without creating a temporary object. Consider this example, which allocates a large array and then adds a smaller one to part of it in two different ways:
 +
 
 +
<syntaxhighlight lang="python">
 +
x = np.zeros(5000)
 +
y = np.zeros(10000)
 +
y[:5000] = x + 1  # Will create a temporary array holding the result "x+1"
 +
y[5000:] += 1  # Will not create a temporary array
 
</syntaxhighlight>
 
</syntaxhighlight>
  
Note: the installation is in $HOME/.local/[bin|lib] directories. Beware of clash if using multiple Py-modules!
+
Many NumPy functions also have an optional argument called <code>out</code>. You can use this to allow the function to write its result to an existing NumPy array, rather than allocating a new one every time.
 +
 
 +
=== Learning Resources ===
 +
 
 +
* [https://www.paulnorvig.com/guides/introduction-to-numpy-for-high-performance-computing.html Tutorial with focus on performance]
 +
* [https://realpython.com/python-profiling/ Good overview of Python profiling]
 +
* [https://www.youtube.com/playlist?list=PL1tk5lGm7zvQ-EzsiTZ6Xv1SxZs74epzg Video tutorial] covering multiple topics including performance
 +
** Corresponding [https://gitlab.jsc.fz-juelich.de/sdlbio-courses/hpc-python Jupyter worksheets]
 +
* [https://www.youtube.com/playlist?list=PLMOobVGrchXPeBgrrnQN6pimrmpTsWFiZ Another video tutorial series] covering many topics related to profiling and performance
 +
* [https://towardsdatascience.com/in-place-operations-in-pytorch-f91d493e970e PyTorch in-place operations]
 +
* Pandas documentation on [https://pandas.pydata.org/pandas-docs/stable/user_guide/dsintro.html Pandas data structures]
 +
* [https://numba.readthedocs.io/en/stable/user/5minguide.html Numba introduction]
 +
* [http://docs.cython.org/en/latest/src/tutorial/cython_tutorial.html Cython introduction]
 +
* [https://www.youtube.com/watch?v=rhbegsr8stc Real World Numba] - conference talk with real-life experiences from a scientist who converted his code to Numba
 +
 
 +
== Parallelization ==
 +
If you run Python code, then by default it will be serial, i.e. a single process, running a single thread on a single CPU core, doing a single thing at a time. In fact, CPython (the most widely used Python implementation by far) has a feature called the Global Interpreter Lock (GIL) to ensure that only one thread is executing Python code at a time.
 +
 
 +
There are a multitude of ways of running Python in parallel however. Some of the most important ones are:
 +
 
 +
* Simply running multiple Python processes independently of each other. The GIL applies to each one separately. This can be enough if your compute problem is [[Parallelization|trivially parallelizable]]. The processes do not know anything about each other, so without extra methods they cannot exchange data (without writing files to disk).
 +
* Starting subprocesses from your Python code. Python comes with the built-in [https://docs.python.org/3/library/subprocess.html subprocess] module.
 +
* Calling code that is not written in Python, for example C code. This of course requires that code to be parallelized. There are many different ways of doing that, see for example the official [https://docs.python.org/3/extending/extending.html Python documentation] and [https://realpython.com/python-bindings-overview/ this tutorial].
 +
* Relying on built-in parallelization features of your framework or application. For example, some NumPy/SciPy functions are already [[Parallelization | multithreaded]]. PyTorch and TensorFlow also offer parallel features, see the [https://pytorch.org/tutorials/beginner/dist_overview.html PyTorch distributed module] and [https://www.tensorflow.org/guide/keras/distributed_training TensorFlow distributed training overview].
 +
* Using a parallelization framework. Examples are [https://mpi4py.readthedocs.io/en/stable/ MPI4Py] and [https://docs.dask.org/en/stable/ Dask]. The former wraps the [[MPI]] interface, the later is a library that offers various ways of defining tasks, including parallel and distributed tasks.
 +
 
 +
Note that most of these ways require additional development effort to use.
 +
 
 +
=== Learning Resources ===
 +
 
 +
* Python Global Interpreter Lock [https://realpython.com/python-gil/ explained at realpython.com]
 +
* Introduction to [https://realpython.com/python-bindings-overview/ Python bindings], i.e. calling C or C++ code from Python
 +
* [https://mpi4py.readthedocs.io/en/stable/tutorial.html MPI4Py tutorial]
 +
* [https://tutorial.dask.org/00_overview.html Dask tutorial]
  
 
== Pip ==
 
== Pip ==
Pip is a package management system for Python and is automatically included since Python 2.7.9/3.4. It enables managing lists of packages and their versions. If you aim to install packages for Python3, use <code>pip3</code> instead of <code>pip</code> with the commands below.
+
[https://pip.pypa.io/en/stable/ Pip] is a package management system for Python and is included in Python (since Python 2.7.9/3.4). It enables managing lists of packages and their versions. If you aim to install packages for Python3, use <code>pip3</code> instead of <code>pip</code> with the commands below.
 +
 
 +
Every pip instance is connected to a specific Python instance, so be careful that you are using the correct pip executable.
 +
 
 +
Example:
 +
<syntaxhighlight lang="bash">
 +
$ pip install --user theano
 +
</syntaxhighlight>
 +
 
 +
The option <code>--user</code> is necessary on HPC clusters because otherwise pip would try to install the packages into the central Python/pip install directory, which normal users typically do not have access to. With this option, the packages will be installed in your home directory instead, specifically in a folder named <code>~/.local</code>.  You can check the install location with <code>pip list -v installed</code>.
  
 
Getting the list of the installed packages:
 
Getting the list of the installed packages:
Line 37: Line 329:
 
</syntaxhighlight>
 
</syntaxhighlight>
  
Packages can easily be installed through the pip install command (specify <code>--user</code> to install locally):
+
Uninstalling packages works like this:
 
 
<syntaxhighlight lang="bash">
 
$ pip install [--user] my-package
 
</syntaxhighlight>
 
 
 
The same goes for uninstalling packages:
 
  
 
<syntaxhighlight lang="bash">
 
<syntaxhighlight lang="bash">
Line 55: Line 341:
 
</syntaxhighlight>
 
</syntaxhighlight>
  
The present packages can be stored as a 'requirements' file. If properly formatted, this file can then be used to recreate the given environment on another system with exactly the same packages and versions:
+
The present packages can be stored as a [https://pip.pypa.io/en/stable/user_guide/#requirements-files requirements file]. If properly formatted, this file can then be used to recreate the given environment on another system with exactly the same packages and versions:
  
 
<syntaxhighlight lang="bash">
 
<syntaxhighlight lang="bash">
Line 67: Line 353:
 
</syntaxhighlight>
 
</syntaxhighlight>
  
== Tutorials ==
+
===== Learning Resources =====
As there are plenty of python tutorials available online we decided not to create our very own but instead simply list a few we consider to be most helpful.
+
 
 +
* Pip documentation: [https://pip.pypa.io/en/stable/getting-started/ Getting Started]
 +
 
 +
=== Virtual environments ===
 +
 
 +
When working with multiple coding projects, one often needs different sets of packages, possibly with conflicting requirements (e.g. different versions of the same package). Python and pip offer the possibility to create ''virtual environments''. A virtual environment, also called a ''venv'', enables switching between different sets of installed packages. Python comes with the built-in <code>venv</code> module, which allows managing venvs.
 +
 
 +
To create and activate a new venv, type the following in the Linux terminal (not the Python console):
 +
 
 +
<syntaxhighlight lang="bash">
 +
$ python -m venv ~/.venv/myenvname
 +
$ source ~/.venv/myenvname/bin/activate
 +
(myenvname) $
 +
</syntaxhighlight>
 +
 
 +
The first command tells Python to run the <code>venv</code> module. The second command will run a shell script inside the new venv that applies some settings to your Linux environment, to enable Python and pip to reference that venv. It also adds a marker to the left of your console prompt to signify which venv you are in. From this point on, all pip installs will be put into this venv. To deactivate the venv and remove the marker, simply type <code>deactivate</code> into the console.
 +
 
 +
== Conda ==
 +
 
 +
[https://docs.conda.io/en/latest/ Conda] is a package manager that is geared towards scientists. It is language-agnostic and the repositories contain many non-Python packages. There is a large overlap however with the packages available in Pip. The main Conda online package repositories, which are called [https://docs.conda.io/projects/conda/en/latest/user-guide/concepts/channels.html channels] in Conda, are the built-in one and [https://conda-forge.org/ Conda-Forge]. Other organizations might have additional channels, for example NVIDIA has one and there is a bioinformatics channel named [https://anaconda.org/bioconda Bioconda]. Application software that is available in Conda typically has its recommended channel in its installation instructions.
 +
 
 +
When installing Conda, one can choose between the "Anaconda" distribution which contains a number of commonly used packages, or "Miniconda", which only contains the minimum packages to function. HPC clusters might have one or the other installed as a module.
 +
 
 +
Conda works with Conda [https://docs.conda.io/projects/conda/en/latest/user-guide/tasks/manage-environments.html environments] (''Conda envs'') which function similar to virtual environments, see above.
 +
 
 +
Typically, each Conda env brings its own Python instance. This means that you can use this way to install a newer Python version, if you need one that is not available on your cluster.
 +
 
 +
=== Tips for use on HPC clusters ===
 +
 
 +
Conda is not primarily an HPC tool, and using it on a cluster sometimes causes problems. Here are some tips specific to HPC use:
 +
 
 +
==== Hardware detection ====
 +
 
 +
Make sure to install the correct variant of your package. For example, running <code>conda install</code> on a login node might install a non-GPU variant of a given package, because Conda will detect that the login node does not have a GPU. To ensure you are installing the correct variant for your hardware, i.e for CUDA, you can do <code>conda install</code> or module load inside an [[interactive job]], e.g. on a [[SLURM]] cluster:
 +
 
 +
<syntaxhighlight lang="bash">
 +
$ srun (...other SLURM options...) --gpus=<number_of_gpus> --pty  /bin/bash
 +
</syntaxhighlight>
 +
 
 +
==== Installing Conda yourself ====
 +
 
 +
If neither Anaconda nor Miniconda is installed, you can [https://docs.conda.io/projects/conda/en/latest/user-guide/install/linux.html install Conda] without administrator rights into your home directory.
 +
 
 +
==== Problem with Conda and environment modules ====
 +
 
 +
Conda requires initializing with <code>conda init</code> when you first start it, which adds an entry to your <code>.bashrc</code> file (or the <code>.rc</code> file of whichever other terminal you are using). This complicates things for HPC users, because it circumvents any environment module system that the cluster might have. Neither the active Conda env with the <code>(envname)</code> prompt nor the <code>conda</code> command get removed after unloading an Anaconda/Miniconda environment module. This can mess up in particular your <code>PATH</code> and <code>LD_LIBRARY_PATH</code> order. [https://wynton.ucsf.edu/hpc/howto/conda.html#disable-automatic-activation-of-the-base-environment-highly-recommended Here]
 +
 
 +
There is no general recommendation on how to fix this, but here are some tips:
 +
 
 +
* You can disable automatic activation of the <code>base</code> environment as described [https://wynton.ucsf.edu/hpc/howto/conda.html#disable-automatic-activation-of-the-base-environment-highly-recommended here]
 +
* <code>conda init</code> changes can be removed from your <code>.bashrc</code> with the command <code>conda init --reverse</code>
 +
* You can deactivate and then reactivate your Conda env, e.g. at the beginning of your job script with a <code>conda deactivate</code>, followed by a <code>conda activate <your env name></code>
 +
* Likewise, you can use <code>module load</code>, <code>module unload</code> and <code>module purge</code> as needed.
 +
* In principle, you can create a custom environment module file which applies the <code>.bashrc</code> changes only temporarily upon loading.
 +
 
 +
==== Mixing Conda and pip ====
 +
 
 +
It is typically recommended not to mix Conda and pip, as they do not know about each other and might cause inconsistencies. If you absolutely must install packages with pip, people generally recommend that you install all Conda packags first, and after you install any pip packages to not install further Conda packages.
 +
 
 +
If you realize too late that you need to install another Conda package, one trick is to export your Conda env to a file, then throw it away and create a new one from that file, and finally do any pip installs on top of that. Exporting Conda envs is described [https://docs.conda.io/projects/conda/en/latest/user-guide/tasks/manage-environments.html#exporting-an-environment-file-across-platforms here].
  
https://docs.python.org/3/tutorial/
+
==== Conda package location and cache ====
  
https://www.w3schools.com/python/
+
If Conda is installed centrally on your HPC cluster, then the <code>(base)</code> env is in a location that you cannot write to. You will therefore get an error message if you try to install pacakges into the <code>(base)</code> env. However, any new envs you create will automatically land in your home directory.
  
https://www.tutorialspoint.com/python/
+
Conda packages, can take up quite a lot of storage space. If your cluster has a [[quota]], this can cause problems with the size of your home directory. Conda is generally smart enough not to download packages that are already in the central install location, but any packages you install on top of those will take up space twice: once for the installed package and once for the cached download. Your can clear the Conda caches with <code>conda clean -a</code> as described [https://docs.conda.io/projects/conda/en/latest/commands/clean.html here].
 +
 
 +
You can also control the location where packages get installed (with an [[environment variable]] called <code>CONDA_ENVS_PATH</code>, and migrate them, see for example [https://hpc-unibe-ch.github.io/software/Anaconda.html#move-migration-of-conda-environments this guide].
 +
 
 +
=== Learning Resources ===
 +
 
 +
* [https://docs.conda.io/projects/conda/en/latest/user-guide/getting-started.html Getting started with conda]
 +
* Anaconda blog on [https://www.anaconda.com/blog/using-pip-in-a-conda-environment using pip in a Conda environment]
 +
* In-depth [https://wynton.ucsf.edu/hpc/howto/conda.html Conda how-to] including advanced topics like [https://wynton.ucsf.edu/hpc/howto/conda.html#conda-revisions revisions and environment rollback]
  
 
== References ==
 
== References ==
https://www.python.org/about/
+
 
https://pypi.org/project/pip/
+
* https://www.python.org/about/
 +
* https://pypi.org/project/pip/
 +
* https://numpy.org/doc/stable/user/index.html
 +
* https://docs.scipy.org/doc/scipy/tutorial/index.html#user-guide
 +
* https://pytorch.org/docs/stable/index.html
 +
* https://www.tensorflow.org/guide

Latest revision as of 13:34, 21 August 2024


General

Python (official website, Wikipedia) is an Open Source, interpreted high-level programming language which is popular for prototyping high end simulations and data science applications. In addition to a large standard library there are many third-party libraries available (e.g. NumPy, SciPy), as well as the built-in package manager pip. However, it does not have good performance nor easy parallelization and therefore may not be most suitable for very large simulations.

Installation and Usage

Python and its most commonly used libraries (NumPy, SciPy, Matplotlib) are usually available on HPC clusters as an environment module, possibly in more than one version. Often Linux systems also have default Python instances that are available without loading a module, however those are typically older. If the version you need is not available, you can install it in your home directory by using pip, conda or easy_install, if available.

Tip: In our experience, using the wrong Python instance, or the wrong Pip, is a common error source for HPC users. Be aware of which Python instance you are talking to.

You can check the used version with:

$ python --version

and the corresponding install directory with

$ which python

Note that Python 2 has been deprecated since 2020, and Python 3 should always be used, unless Python 2 is absolutely necessary for backwards compatibility. Python 2 is often still available however, and may even be the default. You can also specify the Python version directly:

$ python2 --version
$ python3 --version

if you need to differentiate.

In general you run a Python script with a command that looks something like the following:

$ python my_program.py

This will execute all the Python code in that script. Often, there will be a line like the one above in your job script.

Learning Resources

Arrays

Arrays are a particularly important datatype to master for scientific programmers. Python has a default built-in array datatype that is rarely used. The much more common way, particularly in scientific software, is to use the NumPy package with its array type. The array syntax used in NumPy is commonly used by other software too. For example TensorFlow and PyTorch tensors are functionally very similar to NumPy arrays. Pandas dataframes are also similar in some respects.

An array is a container datatype that contains many entries of the same datatype (e.g. floating-point numbers). The entries are also called array elements. The main advantages of arrays are:

  • They are an efficient way to store many entries, as metadata (e.g. entry datatype) only has to be stored once for the entire array.
  • The elements are stored contiguously (one directly after the other) in memory. Computers can therefore potentially make use of caching and vector instructions, which speeds up array operations.
  • Operations with all entries can often be expressed very concisely in code. For example, to add a constant to all elements, in NumPy and most other Python array libraries, one can simply write array + 1.0 instead of having to write a loop that adds 1.0 to each element individually.
  • Arrays correspond closely in many respects to mathematical structures like vectors and matrices, making them more practical for scientific use, and more intuitive to understand for many scientists.

The main disadvantage is that resizing arrays is harder, particularly when adding elements in the middle: memory has to be added at the end, where no free memory block might be (possibly necessitating copying the entire array to a new, larger, memory block). All entries after the added element also need to be moved by one position. Python offers the built-in list, set and dict datatypes if entries need to be added or removed often.

A multi-dimensional array is one where elements can be addressed with multiple indices. For example, elements in a two-dimensional NumPy array can be addressed by row and column. The number of dimensions is not limited to 2. Most third-party libraries mentioned here use multi-dimensional arrays. In NumPy, the word size typically denotes the total number of elements, while the word shape denotes the size of the individual dimensions. In NumPy arrays, they can be accessed with my_array.size and my_array.shape, respectively. Note that the latter is a Python tuple. See this tutorial in the NumPy documentation for examples.

Learning resources

Key concepts for understanding arrays

The examples in this section refer to NumPy arrays, but they mostly apply analogously to PyTorch tensors and other array types.

Indexing and slicing

Elements can be indexed individually or the array as a whole can be used in mathematical operations and other functions. However NumPy and other arrays in Python also allow addressing subsets of array elements. The syntax usually uses square brackets, e.g. my_matrix[3, 5] = 1.0. In multi-dimensional arrays, the last (rightmost) dimensions can be left out, then implicitly all elements along that dimension are selected. For example, in a 2D array my_array[5] is identical to my_array[5, :].

The indexing syntax allows a lot more advanced addressing of elements and groups of elements (sub-arrays).

Caution: Python uses zero-based indexing, so element count starts at zero. Additionally, the stop is one larger than the largest element one wants to address.

Slices signify a range of elements along the given axis. They can be specified with a start and stop and optionally a step. The syntax uses colons to separate like so: [start:stop:step]. All three elements of a slice, and even the second colon, can be left out. For example my_array[:] would address all elements in a 1D array.

Note that Python slices are also a built-in object named slice. This syntax is used in many other Python datatypes as well, for example strings.

Boolean Indexing: An array of bool values with the same shape as the array can be used as a mask, so that only the elements where the mask is true get addressed. For example my_array[my_array < 0] = 0 will set all negative elements to zero. The expression my_array < 0 creates a temporary bool array in this case, but of course the mask can be defined separately and its variable name passed into the square brackets.

Integer arrays and other integer sequences can also be passed into the square brackets to address multiple elements along the given dimension(s) at a time.

Memory Layout

Data in the computer's working memory (RAM) is numbered sequentially. A one-dimensional array therefore maps to the memory addresses very straightforwardly, but a multi-dimensional array can map to memory in multiple different ways. NumPy arrays by default use row-major ordering, called C order in NumPy. They can optionally be set to column-major ordering, which NumPy calls Fortran order.

This mapping of multiple dimensions to one also means that in some circumstances the same array can be reinterpreted as having different shapes without having to change the order of the elements in memory. For example, an N-dimensional NumPy array can always be interpreted as a 1D array. NumPy has many operations for reshaping pre-defined, for example ravel.

Tip: Understanding which transformations change the order of array elements and which do not is key to ensuring that your Python code performs well. Unnecessary re-arranging of array elements takes time and, depending on the operation, extra memory. NumPy will generally not warn you about this kind of waste.

If you retrieve a part of an array using, for example, the slicing operations used above, you will usually get a so-called array view. This is an object that looks at the same data in a different way, but can also be passed into NumPy operations as if it were a normal array. This also implies that modifying array values in the view will change them in the original. Most operations will return views, a few will return copies.

Learning Resources

Vectorized Operations and Broadcasting

In the context of NumPy and array operations, the term vectorization refers to operations that are defined for individual array elements, but also can be easily applied to larger arrays. Note that the term vectorization also refers to a CPU's or GPU's capability to operate on multiple values at the same time, which is a related but different concept.

NumPy has a concept called array broadcasting (see NumPy documentation): operations can not only be done on arrays with completely identical shapes, but also if one of the operand arrays has a size of one in that dimension.

The simplest case would be an operations with a scalar and, say, a 5x4 array a:

x1 = a + 5

The scalar 5 is broadcast onto the 5x4 elements of a, and added to each one. This requires array shapes to be compatible, i.e. to have either an identical length or a length of one along each dimension. In this case, they are compatible because the 5 is implicitly interpreted as a 2D array of shape 1x1.

In the same vein, a 1D array of size 4 b could be added to a because the shapes are compatible. Mathematically, this can be seen as adding a vector b to each row of a matrix a.

x2 = a + b

Broadcasting always happens from the last dimension forward. That means that for example a 1D array of length 5 c could not be added to a, because the last dimension of a is 4 and of c is 5.

x3 = a + c  # Error if c has shape 5

This raises the question of what to do if one wants to add a vector to each column of a matrix. NumPy gives users control over which operations to apply along which axes in several ways. The first is the numpy.newaxis object. One can use this to easily 'append' an array dimension. For example the following would work:

x3 = a + c[:, numpy.newaxis]

The syntax [:, numpy.newaxis] reinterprets the 1D array c as a 5x1 2D array. Now the shapes of the two operands - 5x4 and 5x1 respectively, are compatible.

Additionally, NumPy makes use of the ... (ellipsis) Python object as a placeholder for 'zero or more additional dimensions'. This allows writing code that can handle arrays with an arbitrary number of dimensions. For example, consider a use case where the code handles many arrays of points (each with x, y and z coordinates stored in the last array dimension). A function that only manipulates x coordinates might look like this:

def add_2_to_x(points):
    return points[:, 0] + 2.0

This function can only handle a list of points (a 2D array). It cannot handle a single point, because the : requires the points array to have two dimensions. Nor can it handle a higher-dimensional array (let's say a grid of points). However, the ellipsis object can stand in as a placeholder:

def add_2_to_x(points):
    return points[..., 0] + 2.0

and the function can now handle 1D, 3D and higher-dimensional arrays with no additional code.

Learning Resources

Scientific and numerical libraries

NumPy

NumPy is a powerful numerical computing library in Python, specializing in large, multi-dimensional arrays and matrices. It enhances Python with efficient data structures for array computations and a vast collection of high-level mathematical functions.

A good introduction for NumPy syntax are the 100 NumPy exercises. For an introduction with focus on efficient computing, refer to this tutorial. Additional tutorials are available on YouTube, including the 3rd and 4th videos in this series with corresponding Notebooks in this GitLab repository. Another informative YouTube video, covering NumPy in the first 1:48 minutes, is accessible here, along with related notebooks available in this Github repository.

However, when working with extensive arrays, performance might lag. To address this, consider alternatives like NumExpr, enabling expression evaluation on large arrays with a smaller memory footprint. For further performance optimization, explore tools such as Numba (just-in-time compilation), Cython (C-level optimizations), and CuPy (GPU acceleration), each offering distinct advantages based on specific performance requirements and available computing resources.

SciPy

SciPy is built on top of NumPy, aimed to facilitate complex mathematical operations, optimization routines, signal processing, and statistical analysis. Here is a quick tour through the main SciPy modules. For more details refer to the official SciPy user guide.

PyTorch

Main articles: Machine and Deep Learning Frameworks and PyTorch

PyTorch is a tensor computation (like NumPy) library with strong GPU acceleration for training artificial neural networks. The installation procedure depends on the cluster, which can be either using module environment, Singularity/Apptainer images or installing it yourself. An example can be found in this HPC cluster's documentation.

PyTorch has its own distributed package (torch.distributed), which helps researchers to parallelize their computations across processes and multiple nodes. More information on using torch.distributed in your Python codes can be found at the PyTorch Distributed Tutorial.

TensorFlow

Main articles: Machine and Deep Learning Frameworks and TensorFlow

TensorFlow is an open-source software library for machine learning and artificial intelligence. It can be used across a range of tasks but has a particular focus on training and inference of deep neural networks. Its installation on HPC systems depend on the cluster. Here are few examples for the various ways to install it:

Module Environment: Installation can be provided by the module environment. For-example in a similar way to this HPC cluster.

Apptainer Container: Using Apptainer container with and without GPU, for-example in a similar way to this HPC cluster or this one

Anaconda Distribution: Install TensorFlow using the pre-installed Anaconda distribution, if your HPC cluster has one: for-example here

Home Directory Installation with Conda/Pip: Install TensorFlow in your home directory with conda/pip to create a virtual python environment here or here or here

For TensorFlow tutorials, explore the official TensorFlow tutorials. For a detailed guide on how to program TensorFlow code for GPUs, refer to this section of the official documentation. To execute TensorFlow jobs on an HPC system, you can refer to an example of a TensorFlow Slurm job provided here or here.

BLAS and LAPACK

BLAS and LAPACK are two specifications of linear algebra libraries. The BLAS package routines address low-level scalar, vector and matrix manipulations (such as matrix--vector and matrix--matrix multiplication) while the LAPACK package builds on the BLAS routines to, among other things, factorize matrices, solve simultaneous linear equations and eigenvalue problems. This Youtube lecture gives an overview about these two libraries.

BLAS and LAPACK each have multiple implementations. The most common ones are the reference implementations, OpenBLAS and the Intel MKL.

Python frameworks discussed on this page often use BLAS and LAPACK as a backend. Users normally do not need to install or configure the backends manually, but the need may arise when performance is a concern, for example switching to an implementation that supports multithreading or GPUs. See for example this guide on configuring BLAS and LAPACK for SciPy.

Pandas

Pandas offers efficient methods to load and processing data, alongside robust functionalities for exploration, summarization, and manipulation. The main data structure used in Pandas is the Dataframe, see also this introduction on Pandas data structures

Seamlessly integrating with Pandas, the Dask library enables the leveraging of parallelism in HPC systems, allowing for the scaling of Pandas operations to larger-memory datasets and efficient utilization of multiple CPU cores. To optimize the performance, one can use vectorized operations, avoiding unnecessary data copies and parallelizing computations. For additional guidance, refer to the Pandas user's guide.

Performance

Python is a rather slow language. A naive pure-Python implementation of a numerical algorithm tends to be considerably slower than a C or Fortran implementation of the same algorithm, up to two orders of magnitude slower.

When using Python in HPC, it is therefore usually best to use pre-existing libraries like NumPy, that are built to provide a higher performance (often by outsourcing the actual computations to C or C++ code), instead of implementing basic algorithms oneself.

There are also libraries that compile or convert Python code into some other form that runs faster. Examples are Numba, an ahead-of time compiler and Cython, which generates C code from Python code. Both of those can greatly speed up running code but require some amount of additional development effort and typically cover only a subset of possible Python code.

Additional basic concepts relevant to Python performance are:

Avoiding explicit loops

As discussed above in the section on vectorized operations, NumPy (and PyTorch, TensorFlow etc.) offer the possibility to perform an operation on an entire array in one go. This should always be tried first before writing loops in pure Python. Writing a raw loop in Python is often several orders of magnitude slower than the equivalent array operation. This is because pure Python operations introduce a large overhead that dedicated array operations avoid (usually by implementing those operations in another language).

The following example compares a matrix multiplication using explicit Python loops with the NumPy function matmul. When tested, the explicit loop was 2-4 orders of magnitude slower.

import time
import numpy as np

n = 300
x = np.random.rand(n, n)
y = np.random.rand(n, n)
result = np.zeros((n, n))

t0 = time.time()

for i in range(n):
    for j in range(n):
        for k in range(n):
            result[i, j] += x[i, k] * y[k, j]
t1 = time.time()
print(t1 - t0)

result2 = np.matmul(x, y)
t2 = time.time()
print(t2 - t1)

Data locality and CPU caches

Modern CPUs and GPUs can perform operations on multiple sequential array elements quickly or even at the same time. For this purpose, they have caches (Wikipedia): data is not read from RAM one-by one, but a chunk (called a cache line) at a time. This means that if an operation (e.g. an addition) needs to be done with all entries in a chunk, the cache line has to be fetched from memory only once. Otherwise, an entire cache line would be fetched, the operation only done on one element, and later the same line would have to be fetched again just to do the same operation on the next element, and so on.

This means that the programmer should ensure that, as much as possible, operations on elements happen in the right order to make use of caching. Developing an intuitive understanding of the memory layout, see above, can make programming with data locality in mind easier. The Wikipedia article on Locality of reference contains more information on caches and more examples

Temporary objects

Often NumPy operations will create a temporary intermediate results, without the user noticing. This increases memory consumption.

NumPy offers in-place operators which perform a basic operation without creating a temporary object. Consider this example, which allocates a large array and then adds a smaller one to part of it in two different ways:

x = np.zeros(5000)
y = np.zeros(10000)
y[:5000] = x + 1  # Will create a temporary array holding the result "x+1"
y[5000:] += 1  # Will not create a temporary array

Many NumPy functions also have an optional argument called out. You can use this to allow the function to write its result to an existing NumPy array, rather than allocating a new one every time.

Learning Resources

Parallelization

If you run Python code, then by default it will be serial, i.e. a single process, running a single thread on a single CPU core, doing a single thing at a time. In fact, CPython (the most widely used Python implementation by far) has a feature called the Global Interpreter Lock (GIL) to ensure that only one thread is executing Python code at a time.

There are a multitude of ways of running Python in parallel however. Some of the most important ones are:

  • Simply running multiple Python processes independently of each other. The GIL applies to each one separately. This can be enough if your compute problem is trivially parallelizable. The processes do not know anything about each other, so without extra methods they cannot exchange data (without writing files to disk).
  • Starting subprocesses from your Python code. Python comes with the built-in subprocess module.
  • Calling code that is not written in Python, for example C code. This of course requires that code to be parallelized. There are many different ways of doing that, see for example the official Python documentation and this tutorial.
  • Relying on built-in parallelization features of your framework or application. For example, some NumPy/SciPy functions are already multithreaded. PyTorch and TensorFlow also offer parallel features, see the PyTorch distributed module and TensorFlow distributed training overview.
  • Using a parallelization framework. Examples are MPI4Py and Dask. The former wraps the MPI interface, the later is a library that offers various ways of defining tasks, including parallel and distributed tasks.

Note that most of these ways require additional development effort to use.

Learning Resources

Pip

Pip is a package management system for Python and is included in Python (since Python 2.7.9/3.4). It enables managing lists of packages and their versions. If you aim to install packages for Python3, use pip3 instead of pip with the commands below.

Every pip instance is connected to a specific Python instance, so be careful that you are using the correct pip executable.

Example:

$ pip install --user theano

The option --user is necessary on HPC clusters because otherwise pip would try to install the packages into the central Python/pip install directory, which normal users typically do not have access to. With this option, the packages will be installed in your home directory instead, specifically in a folder named ~/.local. You can check the install location with pip list -v installed.

Getting the list of the installed packages:

$ pip list

Pip can also list the packages with outdated versions or available prereleases:

$ pip list --outdated
$ pip list --pre

Uninstalling packages works like this:

$ pip uninstall my-package

Upgrade the packages specified to the latest version:

$ pip install --upgrade package1 [package2 ...]

The present packages can be stored as a requirements file. If properly formatted, this file can then be used to recreate the given environment on another system with exactly the same packages and versions:

$ pip install -r requirements.txt

Note: pip3 [...] can be used interchangeably with:

$ python3 -m pip [...]
Learning Resources

Virtual environments

When working with multiple coding projects, one often needs different sets of packages, possibly with conflicting requirements (e.g. different versions of the same package). Python and pip offer the possibility to create virtual environments. A virtual environment, also called a venv, enables switching between different sets of installed packages. Python comes with the built-in venv module, which allows managing venvs.

To create and activate a new venv, type the following in the Linux terminal (not the Python console):

$ python -m venv ~/.venv/myenvname
$ source ~/.venv/myenvname/bin/activate
(myenvname) $

The first command tells Python to run the venv module. The second command will run a shell script inside the new venv that applies some settings to your Linux environment, to enable Python and pip to reference that venv. It also adds a marker to the left of your console prompt to signify which venv you are in. From this point on, all pip installs will be put into this venv. To deactivate the venv and remove the marker, simply type deactivate into the console.

Conda

Conda is a package manager that is geared towards scientists. It is language-agnostic and the repositories contain many non-Python packages. There is a large overlap however with the packages available in Pip. The main Conda online package repositories, which are called channels in Conda, are the built-in one and Conda-Forge. Other organizations might have additional channels, for example NVIDIA has one and there is a bioinformatics channel named Bioconda. Application software that is available in Conda typically has its recommended channel in its installation instructions.

When installing Conda, one can choose between the "Anaconda" distribution which contains a number of commonly used packages, or "Miniconda", which only contains the minimum packages to function. HPC clusters might have one or the other installed as a module.

Conda works with Conda environments (Conda envs) which function similar to virtual environments, see above.

Typically, each Conda env brings its own Python instance. This means that you can use this way to install a newer Python version, if you need one that is not available on your cluster.

Tips for use on HPC clusters

Conda is not primarily an HPC tool, and using it on a cluster sometimes causes problems. Here are some tips specific to HPC use:

Hardware detection

Make sure to install the correct variant of your package. For example, running conda install on a login node might install a non-GPU variant of a given package, because Conda will detect that the login node does not have a GPU. To ensure you are installing the correct variant for your hardware, i.e for CUDA, you can do conda install or module load inside an interactive job, e.g. on a SLURM cluster:

$ srun (...other SLURM options...) --gpus=<number_of_gpus> --pty  /bin/bash

Installing Conda yourself

If neither Anaconda nor Miniconda is installed, you can install Conda without administrator rights into your home directory.

Problem with Conda and environment modules

Conda requires initializing with conda init when you first start it, which adds an entry to your .bashrc file (or the .rc file of whichever other terminal you are using). This complicates things for HPC users, because it circumvents any environment module system that the cluster might have. Neither the active Conda env with the (envname) prompt nor the conda command get removed after unloading an Anaconda/Miniconda environment module. This can mess up in particular your PATH and LD_LIBRARY_PATH order. Here

There is no general recommendation on how to fix this, but here are some tips:

  • You can disable automatic activation of the base environment as described here
  • conda init changes can be removed from your .bashrc with the command conda init --reverse
  • You can deactivate and then reactivate your Conda env, e.g. at the beginning of your job script with a conda deactivate, followed by a conda activate <your env name>
  • Likewise, you can use module load, module unload and module purge as needed.
  • In principle, you can create a custom environment module file which applies the .bashrc changes only temporarily upon loading.

Mixing Conda and pip

It is typically recommended not to mix Conda and pip, as they do not know about each other and might cause inconsistencies. If you absolutely must install packages with pip, people generally recommend that you install all Conda packags first, and after you install any pip packages to not install further Conda packages.

If you realize too late that you need to install another Conda package, one trick is to export your Conda env to a file, then throw it away and create a new one from that file, and finally do any pip installs on top of that. Exporting Conda envs is described here.

Conda package location and cache

If Conda is installed centrally on your HPC cluster, then the (base) env is in a location that you cannot write to. You will therefore get an error message if you try to install pacakges into the (base) env. However, any new envs you create will automatically land in your home directory.

Conda packages, can take up quite a lot of storage space. If your cluster has a quota, this can cause problems with the size of your home directory. Conda is generally smart enough not to download packages that are already in the central install location, but any packages you install on top of those will take up space twice: once for the installed package and once for the cached download. Your can clear the Conda caches with conda clean -a as described here.

You can also control the location where packages get installed (with an environment variable called CONDA_ENVS_PATH, and migrate them, see for example this guide.

Learning Resources

References