A short guide on features of Python 3 for data scientists

Python became a mainstream language for machine learning and other scientific fields that heavily operate with data; it boasts various deep learning frameworks and well-established set of tools for data processing and visualization.

However, Python ecosystem co-exists in Python 2 and Python 3, and Python 2 is still used among data scientists. By the end of 2019 the scientific stack will stop supporting Python2. As for numpy, after 2018 any new feature releases will only support Python3.

To make the transition less frustrating, I’ve collected a bunch of Python 3 features that you may find useful.

Image from Dario Bertini post (toptal)

Better paths handling with pathlib

pathlib is a default module in python3, that helps you to avoid tons of os.path.joins:

from pathlib import Path dataset = 'wiki_images' datasets_root = Path('/path/to/datasets/') train_path = datasets_root /  dataset / 'train' test_path = datasets_root / dataset / 'test' for image_path in train_path.iterdir(): with image_path.open() as f: # note, open is a method of Path object # do something with an imageCopy the code

Previously it was always tempting to use string concatenation (concise, but obviously bad), now with pathlib the code is safe, concise, and readable.

Also pathlib.Path has a bunch of methods and properties, that every python novice previously had to google:

p.exists()
p.is_dir()
p.parts
p.with_name('sibling.png') # only change the name, but keep the folder
p.with_suffix('.jpg') # only change the extension, but keep the folder and the name
p.chmod(mode)
p.rmdir()Copy the code

pathlib should save you lots of time, please see docs and reference for more.

Type hinting is now part of the language

Example of type hinting in pycharm:

Python is not just a language for small scripts anymore, data pipelines these days include numerous steps each involving different frameworks (and sometimes very different logic).

Type hinting was introduced to help with growing complexity of programs, so machines could help with code verification. Previously different modules used custom ways to point types in doctrings (Hint: pycharm can convert old docstrings to fresh typehinting).

As a simple example, the following code may work with different types of data (that’s what we like about python data stack).

def repeat_each_entry(data):
    """ Each entry in the data is doubled
    <blah blah nobody reads the documentation till the end>
    """
    index = numpy.repeat(numpy.arange(len(data)), 2)
    return data[index]Copy the code

This code e.g. works for numpy.array (incl. multidimensional ones), astropy.Table and astropy.Column, bcolz, cupy, mxnet.ndarray and others.

This code will work for pandas.Series, but in the wrong way:

repeat_each_entry(pandas.Series(data=[0, 1, 2], index=[3, 4, 5])) # returns Series with Nones insideCopy the code

This was two lines of code. Imagine how unpredictable behavior of a complex system, because just one function may misbehave. Stating explicitly which types a method expects is very helpful in large systems, this will warn you if a function was passed unexpected arguments.

def repeat_each_entry(data: Union[numpy.ndarray, bcolz.carray]):Copy the code

If you have a significant codebase, hinting tools like MyPy are likely to become part of your continuous integration pipeline. A webinar “Putting Type Hints to Work” by Daniel Pyrathon is good for a brief introduction.

Sidenote: unfortunately, hinting is not yet powerful enough to provide fine-grained typing for ndarrays/tensors, but maybe we’ll have it once, and this will be a great feature for DS.

Type hinting → type checking in runtime

By default, function annotations do not influence how your code is working, but merely help you to point code intentions.

However, you can enforce type checking in runtime with tools like … enforce, this can help you in debugging (there are many cases when type hinting is not working).

@enforce.runtime_validation
def foo(text: str) -> None:
    print(text)

foo('Hi') # ok
foo(5)    # fails


@enforce.runtime_validation
def any2(x: List[bool]) -> bool:
    return any(x)

any ([False, False, True, False]) # True
any2([False, False, True, False]) # True

any (['False']) # True
any2(['False']) # fails

any ([False, None, "", 0]) # False
any2([False, None, "", 0]) # fails
Copy the code

Other usages of function annotations

As mentioned before, annotations do not influence code execution, but rather provide some meta-information, and you can use it as you wish.

For instance, measurement units are a common pain in scientific areas, astropy package provides a simple decorator to control units of input quantities and convert output to required units

# Python 3
from astropy import units as u
@u.quantity_input()
def frequency(speed: u.meter / u.s, wavelength: u.m) -> u.terahertz:
    return speed / wavelength

frequency(speed=300_000 * u.km / u.s, wavelength=555 * u.nm)
# output: 540.5405405405404 THz, frequency of green visible lightCopy the code

If you’re processing tabular scientific data in python (not necessarily astronomical), you should give astropy a shot.

You can also define your application-specific decorators to perform control / conversion of inputs and output in the same manner.

Matrix multiplication with @

Let’s implement one of the simplest ML models — a linear regression with L2 regularization (A.K.A. Ridge regression):

# l2-regularized linear regression: || AX - b ||^2 + alpha * ||x||^2 -> min

# Python 2
X = np.linalg.inv(np.dot(A.T, A) + alpha * np.eye(A.shape[1])).dot(A.T.dot(b))
# Python 3
X = np.linalg.inv(A.T @ A + alpha * np.eye(A.shape[1])) @ (A.T @ b)Copy the code

The code with @ becomes more readable and more translatable between deep learning frameworks: same code X @ W + b[None, :] for a single layer of perceptron works in numpy, cupy, pytorch, tensorflow (and other frameworks that operate with tensors).

Globbing with **

Recursive folder globbing is not easy in Python 2, even though the glob2 custom module exists that overcomes this. A recursive flag is supported since Python 3.5:

import glob

# Python 2
found_images = \
    glob.glob('/path/*.jpg') \
  + glob.glob('/path/*/*.jpg') \
  + glob.glob('/path/*/*/*.jpg') \
  + glob.glob('/path/*/*/*/*.jpg') \
  + glob.glob('/path/*/*/*/*/*.jpg')

# Python 3
found_images = glob.glob('/path/**/*.jpg', recursive=True)Copy the code

A better option is to use pathlib in python3 (minus one import!) :

# Python 3
found_images = pathlib.Path('/path/').glob('**/*.jpg')Copy the code

Print is a function now

Yes, code now has these annoying parentheses, but there are some advantages:

  • simple syntax for using file descriptor:

    print >>sys.stderr, "critical error"      # Python 2
    print("critical error", file=sys.stderr)  # Python 3Copy the code
  • printing tab-aligned tables without str.join:

    # Python 3
    print(*array, sep='\t')
    print(batch, epoch, loss, accuracy, time, sep='\t')Copy the code
  • hacky suppressing / redirection of printing output:

    # Python 3
    _print = print # store the original print function
    def print(*args, **kargs):
        pass  # do something useful, e.g. store output to some fileCopy the code

    In jupyter it is desirable to log each output to a separate file (to track what’s happening after you got disconnected), so you can override print now.

    Below you can see a context manager that temporarily overrides behavior of print:

    @contextlib.contextmanager
    def replace_print():
        import builtins
        _print = print # saving old print function
        # or use some other function here
        builtins.print = lambda *args, **kwargs: _print('new printing', *args, **kwargs)
        yield
        builtins.print = _print
    
    with replace_print():
        <code here will invoke other print function>Copy the code

    It is not a recommended approach, but a small dirty hack that is now possible.

  • print can participate in list comprehensions and other language constructs

    # Python 3
    result = process(x) if is_valid(x) else print('invalid item: ', x)Copy the code

Underscores in Numeric Literal (Thousands Seperator)

PEP-515 introduced underscores in Numeric Literals. In Python3, underscores can be used to group digits visually in integral, floating-point, and complex number literals.

# grouping decimal numbers by thousands
one_million = 1_000_000

# grouping hexadecimal addresses by words
addr = 0xCAFE_F00D

# grouping bits into nibbles in a binary literal
flags = 0b_0011_1111_0100_1110

# same, for string conversions
flags = int('0b_1111_0000', 2)Copy the code

f-strings for simple and reliable formatting

The default formatting system provides a flexibility that is not required in data experiments. The resulting code is either too verbose or too fragile towards any changes.

Quite typically data scientists outputs some logging information iteratively in a fixed format. It is common to have a code like:

# Python 2 print('{batch:3} {epoch:3} / {total_epochs:3} accuracy: {acc_mean:0.4f}±{acc_std:0.4f} time: Format (batch=batch, epoch=epoch, total_epochs=total_epochs, acc_mean=numpy. Mean (accuracies), acc_std=numpy.std(accuracies), avg_time=time / len(data_batch) )) # Python 2 (too error-prone during fast modifications, please avoid): Print (' : {3} {3} / {: 3} accuracy: {: 0.4 f} + {: 0.4 f} time: {:3.2f}'. Format (Batch, epoch, total_epochs, Numpy.mean (Accuracies), Numpy.std (accuracies), time/Len (data_batch)))Copy the code

Sample output:

120 12/300 accuracy: 0.8180±0.4649 time: 56.60Copy the code

F-strings aka formatted string Literals were introduced in Python 3.6:

# Python 3.6+ print(f'{batch:3} {epoch:3} / {total_epochs:3} accuracy: {numpy. Mean (accuracies): 0.5f}±{numpy. STD (accuracies): 0.5f} time: {time/Len (data_batch): 0.5f}')Copy the code

Explicit difference between ‘true division’ and ‘integer division’

For data science this is definitely a handy change (but not for system programming, I believe)

data = pandas.read_csv('timing.csv')
velocity = data['distance'] / data['time']Copy the code

Results in Python 2 depend on whether ‘time’ and ‘distance’ (e.g. measured in meters and seconds) are stored as integers. In Python 3, the result is correct in both cases, because the result of division is float.

Another case is integer division, which is now an explicit operation:

n_gifts = money // gift_price  # correct for int and float argumentsCopy the code

Note, that this applies both to built-in types and to custom types provided by data packages (e.g. numpy or pandas).

Strict ordering

# All these comparisons are illegal in Python 3
3 < '3'
2 < None
(3, 4) < (3, None)
(4, 5) < [4, 5]

# False in both Python 2 and Python 3
(4, 5) == [4, 5]Copy the code
  • prevents from occasional sorting of instances of different types
    sorted([2, '1', 3])  # invalid for Python 3, in Python 2 returns [2, 3, '1']Copy the code
  • helps to spot some problems that arise when processing raw data

Sidenote: proper check for None is (in both Python versions)

if a is not None:
  pass

if a: # WRONG check for None
  passCopy the code

Unicode for NLP

Print (len(s)) print(s[:2])Copy the code

Output:

  • Python 2: 6 \ n � �
  • Python 3: 2 \ n: hello.
X = U 'со' x += 'co' # OK x += 'со' # failCopy the code

Python 2 fails, Python 3 works as expected (because I’ve used russian letters in strings).

In Python 3 strs are unicode strings, and it is more convenient for NLP processing of non-english texts.

There are other funny things, for instance:

'a' < type < u'a'  # Python 2: True
'a' < u'a'         # Python 2: FalseCopy the code
From collections import Counter Counter(' Mobelstuck ')Copy the code
  • Python 2: Counter({'\xc3': 2, 'b': 1, 'e': 1, 'c': 1, 'k': 1, 'M': 1, 'l': 1, 's': 1, 't': 1, '\xb6': 1, '\xbc': 1})
  • Python 3: Counter ({' M: 1, 'o' : 1, 'b' : 1, 'e' : 1, "l" : 1, 's' : 1, the 't' : 1, the 'u' : 1, "c" : 1, "k" : 1})

You can handle all of this in Python 2 properly, but Python 3 is more friendly.

Preserving order of dictionaries and **kwargs

In CPython 3.6+ dicts Behave like OrderedDict by default (and this is guaranteed In Python 3.7+). This PolyOrder Is molded for 360 years during dict comprehensions (and other operations, e.g. during json serialization/deserialization)

import json
x = {str(i):i for i in range(5)}
json.loads(json.dumps(x))
# Python 2
{u'1': 1, u'0': 0, u'3': 3, u'2': 2, u'4': 4}
# Python 3
{'0': 0, '1': 1, '2': 2, '3': 3, '4': 4}Copy the code

Same applies to **kwargs (in Python 3.6+), they’re kept in the same order as they appear in parameters. Order is crucial when it comes to data pipelines, previously we had to write it in a cumbersome manner:

From torch import nn # Python 2 model = nn.Sequential(OrderedDict([('conv1', nn.conv2d (1,20,5)), ('relu1', nn.relu ())), (' conv2, nn. Conv2d (20,64,5)), (' relu2, nn ReLU ()))) # Python 3.6 +, how it * can * be done, Not supported right now in pytorch model =nn.Conv2d(1,20,5), relu1= nn.relu (), Conv2 = nn. Conv2d (20,64,5), relu2 = nn. ReLU ()))Copy the code

Did you notice? Uniqueness of names is also checked automatically.

Iterable unpacking

# handy when amount of additional stored info may vary between experiments, but the same code can be used in all cases
model_paramteres, optimizer_parameters, *other_params = load(checkpoint_name)

# picking two last values from a sequence
*prev, next_to_last, last = values_history

# This also works with any iterables, so if you have a function that yields e.g. qualities,
# below is a simple way to take only last two values from a list
*prev, next_to_last, last = iter_train(args)Copy the code

Default pickle engine provides better compression for arrays

# Python 2
import cPickle as pickle
import numpy
print len(pickle.dumps(numpy.random.normal(size=[1000, 1000])))
# result: 23691675

# Python 3
import pickle
import numpy
len(pickle.dumps(numpy.random.normal(size=[1000, 1000])))
# result: 8000162Copy the code

Three times less space. And it is much faster. Actually similar compression (but not speed) is achievable with protocol=2 parameter, but users typically ignore this option (or simply are not aware of it).

Safer comprehensions

labels = <initial_value>
predictions = [model.predict(data) for data, labels in dataset]

# labels are overwritten in Python 2
# labels are not affected by comprehension in Python 3Copy the code

Super, simply super()

Python 2 super(...) was a frequent source of mistakes in code.

# Python 2
class MySubClass(MySuperClass):
    def __init__(self, name, **options):
        super(MySubClass, self).__init__(name='subclass', **options)

# Python 3
class MySubClass(MySuperClass):
    def __init__(self, name, **options):
        super().__init__(name='subclass', **options)Copy the code

More on super and method resolution order on stackoverflow.

Better IDE suggestions with variable annotations

The most enjoyable thing about programming in languages like Java, C# and alike is that IDE can make very good suggestions, because type of each identifier is known before executing a program.

In python this is hard to achieve, but annotations will help you

  • write your expectations in a clear form
  • and get good suggestions from IDE



This is an example of PyCharm suggestions with variable annotations. This works even in situations when functions you use are not annotated (e.g. due to backward compatibility).

Multiple unpacking

Here is how you merge two dicts now:

X = dict (a = 1, b = 2) y = dict (b = 3 d = 4) # Python 3.5 + z = {x, * * * * y} # z = {' a ', 1, 'b' : 3, 'd' : 4}, note that value for `b` is taken from the latter dict.Copy the code

See this thread at StackOverflow for a comparison with Python 2.

The same approach also works for lists, tuples, and sets (a, b, c are any iterables):

[*a, *b, *c] # list, concatenating
(*a, *b, *c) # tuple, concatenating
{*a, *b, *c} # set, unionCopy the code

Functions also support this for *args and **kwargs:

Python 3.5+
do_something(**{**default_settings, **custom_settings})

# Also possible, this code also checks there is no intersection between keys of dictionaries
do_something(**first_args, **second_args)
Copy the code

Future-proof APIs with keyword-only arguments

Let’s consider this snippet

SVC(2, 'poly', 2, 4, 0.5) model = sklearn.svm.SVC(2, 'poly', 2, 4, 0.5)Copy the code

Obviously, an author of this code didn’t get the Python style of coding yet (most probably, just jumped from cpp or rust). Unfortunately, this is not just question of taste, because changing the order of arguments (adding/deleting) in SVC will break this code. In particular, sklearn does some reordering/renaming from time to time of numerous algorithm parameters to provide consistent API. Each such refactoring may drive to broken code.

In Python 3, library authors may demand explicitly named parameters by using *:

Class SVC (BaseSVC) : def __init__ (self, *, C = 1.0, the kernel = 'RBF', degree = 3, gamma = 'auto', coef0 = 0.0,...).Copy the code
  • users have to specify names of parameters SVC(C=2, degree=2, gamma=4, coef0=0.5) now
  • this mechanism provides a great combination of reliability and flexibility of APIs

Minor: constants in math module

# Python 3
math.inf # 'largest' number
math.nan # not a number

max_quality = -math.inf  # no more magic initial values!

for model in trained_models:
    max_quality = max(max_quality, compute_quality(model, data))Copy the code

Minor: single integer type

Python 2 provides two basic integer types, which are int (64-bit signed integer) and long for long arithmetics (quite confusing after C++).

Python 3 has a single type int, which incorporates long arithmetics.

Here is how you check that value is integer:

isinstance(x, numbers.Integral) # Python 2, the canonical way
isinstance(x, (long, int))      # Python 2
isinstance(x, int)              # Python 3, easier to remember
Copy the code

Other stuff

  • Enums are theoretically useful, but
    • string-typing is already widely adopted in the python data stack
    • Enums don’t seem to interplay with numpy and categorical from pandas
  • coroutines also sound very promising for data pipelining (see slides by David Beazley), but I don’t see their adoption in the wild.
  • Python 3 has stable ABI
  • Python 3 supports unicode identifies (so Omega = δ φ / δ t is ok), but you’d better use good old ASCII names
  • some libraries e.g. jupyterhub (jupyter in cloud), django and fresh ipython only support Python 3, so features that sound useless for you are useful for libraries you’ll probably want to use once.

Problems for code migration specific for data science (and how to resolve those)

Main problems for teaching machine learning and data science with python

Course authors should spend time in the first lectures to explain what is an iterator, why it can’t be sliced / concatenated / multiplied / iterated twice like a string (and how to deal with it).

I think most course authors would be happy to avoid these details, but now it is hardly possible.

Conclusion

Python 2 and Python 3 have co-existed for almost 10 years, but we should move to Python 3.

Research and production code should become a bit shorter, more readable, and significantly safer after moving to Python 3-only codebase.

Right now most libraries support both Python versions. And I can’t wait for the bright moment when packages drop support for Python 2 and enjoy new language features.

Following migrations are promised to be smoother: “we will never do this kind of backwards-incompatible change again”

Links

License

This text was published by Alex Rogozhnikov under CC BY-SA 3.0 License (excluding images).