In this example, we explore how evolution models can be implemented efficiently. An example of an evolution model is given in Botero et al., 2015, but many are found throughout literature. In those models, some individuals (in this example animals) form a population, and each individual randomly adjusts its genome (i.e., mutates). Depending on how well the individuals fit into their environment, they produce more or less offspring, thus altering the composition of the population (survival of the fittest).
In this simple example, the fitness of the individuals will just depend on the distance of their genome to some perfect state, and the population size is held constant by cloning / killing random animals.
%matplotlib inline
%load_ext cython
import numpy as np
import matplotlib.pyplot as plt
import pandas as pd
import seaborn as sns
sns.set("talk")
Naive Python implementation¶
This implementation uses two classes, one for the animals, and one for the population. During one time step, each animal mutates five times, then it reproduces. The fitness has the shape of a Gaussian around an optimal value $i=10$.
class PyAnimal:
def __init__(self,initial=0):
self.i = initial
def mutate(self):
self.i += np.random.randn()
def fitness(self):
return np.exp(-(self.i-10)**2)
def state(self):
return self.i
class PyPopulation:
def __init__(self,animals):
self.animals = animals
def do_step(self):
for animal in self.animals:
for _ in range(5):
animal.mutate()
fitnesses = [a.fitness() for a in self.animals]
offspring = np.random.poisson(fitnesses / np.mean(fitnesses))
born_animals = [PyAnimal(a.state()) for a in np.repeat(self.animals, offspring)]
if len(born_animals) > len(self.animals):
born_animals = np.random.choice(born_animals,len(self.animals)).tolist()
else:
clones = np.random.choice(born_animals,len(self.animals) - len(born_animals))
born_animals = born_animals + [PyAnimal(a.state()) for a in clones]
self.animals = born_animals
def state(self):
return [a.state() for a in self.animals]
Let’s check the performance and the resulting distribution of genes:
animals = [PyAnimal() for i in range(100000)]
population = PyPopulation(animals)
%timeit population.do_step()
plt.hist(population.state());
1 loop, best of 3: 592 ms per loop
%prun -l 10 -q -T profile population.do_step()
with open("profile","r") as f:
print(f.read())
*** Profile printout saved to text file u'profile'. 1400140 function calls in 1.009 seconds Ordered by: internal time List reduced from 34 to 10 due to restriction <10> ncalls tottime percall cumtime percall filename:lineno(function) 1 0.406 0.406 1.008 1.008 <ipython-input-2-b4af97439b11>:15(do_step) 500000 0.137 0.000 0.137 0.000 {method 'randn' of 'mtrand.RandomState' objects} 500000 0.132 0.000 0.269 0.000 <ipython-input-2-b4af97439b11>:4(mutate) 4 0.124 0.031 0.124 0.031 {numpy.core.multiarray.array} 100000 0.084 0.000 0.084 0.000 <ipython-input-2-b4af97439b11>:6(fitness) 1 0.082 0.082 0.082 0.082 {method 'choice' of 'mtrand.RandomState' objects} 100047 0.011 0.000 0.011 0.000 <ipython-input-2-b4af97439b11>:8(state) 100001 0.011 0.000 0.011 0.000 {range} 100047 0.010 0.000 0.010 0.000 <ipython-input-2-b4af97439b11>:2(__init__) 1 0.005 0.005 0.006 0.006 {method 'poisson' of 'mtrand.RandomState' objects}
The implementation seems to work (the resulting distribution is centered around 10), but it is quite slow. Profiling the code reveals that most of the time is spent directly in the do_step
, mutate
and fitness
functions, while the NumPy functions only play a minor roll. It thus seems like the slow runtime is mainly caused by the overhead when creating and accessing the class members or calling class methods.
Cython implementation¶
Since member access is much faster in Cython, it seems obvious to try and cythonize the Python implementation. A first iteration may look like this:
%%cython -c=-O3
# cython: profile=True
import numpy as np
cimport numpy as np
cdef class CyAnimal:
cdef double i
def __init__(self, double initial=0):
self.i = initial
cpdef void mutate(self):
self.i += np.random.randn()
cpdef double fitness(self):
return np.exp(-(self.i-10)**2)
cpdef double state(self):
return self.i
cdef class CyPopulation:
cdef list animals
def __init__(self,list animals):
self.animals = animals
cpdef void do_step(self):
cdef list fitnesses, offspring, born_animals, clones
for animal in self.animals:
for _ in range(5):
animal.mutate()
fitnesses = [a.fitness() for a in self.animals]
offspring = np.random.poisson(fitnesses / np.mean(fitnesses)).tolist()
born_animals = [CyAnimal(a.state()) for a in np.repeat(self.animals, offspring)]
if len(born_animals) > len(self.animals):
born_animals = np.random.choice(born_animals,len(self.animals)).tolist()
else:
clones = np.random.choice(born_animals,len(self.animals) - len(born_animals)).tolist()
born_animals = born_animals + [CyAnimal(a.state()) for a in clones]
self.animals = born_animals
cpdef list state(self):
return [animal.state() for animal in self.animals]
animals = [CyAnimal() for i in range(100000)]
population = CyPopulation(animals)
%timeit population.do_step()
plt.hist(population.state())
print(len(population.state()))
1 loop, best of 3: 366 ms per loop 100000
%prun -l 10 -q -T profile population.do_step()
with open("profile","r") as f:
print(f.read())
*** Profile printout saved to text file u'profile'. 1500040 function calls in 0.565 seconds Ordered by: internal time List reduced from 33 to 10 due to restriction <10> ncalls tottime percall cumtime percall filename:lineno(function) 500000 0.182 0.000 0.182 0.000 _cython_magic_a6767cf8e5f3cb4da40bd98caafdfcf3.pyx:11(mutate) 1 0.169 0.169 0.565 0.565 _cython_magic_a6767cf8e5f3cb4da40bd98caafdfcf3.pyx:24(do_step) 500000 0.062 0.000 0.244 0.000 _cython_magic_a6767cf8e5f3cb4da40bd98caafdfcf3.pyx:11(mutate (wrapper)) 100000 0.059 0.000 0.059 0.000 _cython_magic_a6767cf8e5f3cb4da40bd98caafdfcf3.pyx:13(fitness) 4 0.056 0.014 0.056 0.014 {numpy.core.multiarray.array} 100000 0.013 0.000 0.072 0.000 _cython_magic_a6767cf8e5f3cb4da40bd98caafdfcf3.pyx:13(fitness (wrapper)) 100000 0.012 0.000 0.015 0.000 _cython_magic_a6767cf8e5f3cb4da40bd98caafdfcf3.pyx:15(state (wrapper)) 1 0.004 0.004 0.004 0.004 {method 'repeat' of 'numpy.ndarray' objects} 100000 0.004 0.000 0.004 0.000 _cython_magic_a6767cf8e5f3cb4da40bd98caafdfcf3.pyx:15(state) 100000 0.004 0.000 0.004 0.000 _cython_magic_a6767cf8e5f3cb4da40bd98caafdfcf3.pyx:9(__init__)
So, just by adding a few types we gain about double the performance, which is alright, but not really mind-blowing. Also, it seems like the performance bottleneck in mutate
and fitness
is still present (there are still lots of Python interactions). How can we eliminate this? One solution is to implement the animal class in pure C++ and interface it through Cython.
C++ Wrapper¶
Since the animals are now implemented in C++, we cannot use the NumPy functions anymore to create random numbers, but the C++ standard library provides random number generators anyway. Just make sure to set a different random seed for every animal (otherwise your whole population will evolve into the same direction).
%%writefile cppanimal.h
#include <math.h>
#include <random>
class CppAnimal {
private:
std::default_random_engine generator;
std::normal_distribution<double> distribution;
double i;
public:
CppAnimal(double initial):i(initial), generator(std::rand()),
distribution(0.0,1.0) {}
void mutate() {i += distribution(generator);}
double fitness() {return exp(-pow(i-10,2));}
double state() {return i;}
};
Overwriting cppanimal.h
The class CppAnimal from the external file cppanimal.h can then be interfaced using the extern
keyword from Cython. You just need to specify which functions should be interfaced to Python. Also note the different compiler flags (-+
to enable C++, and -I .
to tell the compiler that it should look in the current directory for cppanimal.h
).
Since CppAnimal
is implemented in pure C++, we cannot put it into a Python list without wrapping it. Instead, we use a C++ vector
to contain the animals, which enables us to loop over the animals in C-speed. However, this makes the animals inaccessible from Python, so we need to provide a new Cython method create_animal
.
%%cython -+ -I . -c=-O3
# cython: profile=True
from libcpp.vector cimport vector
import numpy as np
cimport numpy as np
cdef extern from "cppanimal.h":
cdef cppclass CppAnimal:
CppAnimal(double initial)
void mutate()
double fitness()
double state()
cdef class CppPopulation:
cdef vector[CppAnimal] animals
cpdef create_animal(self,double initial=0):
self.animals.push_back(CppAnimal(initial))
cpdef void do_step(self):
cdef int i, c
cdef np.ndarray[np.float_t,ndim=1] fitnesses = np.empty(self.animals.size(), dtype=np.float)
cdef vector[CppAnimal] born_animals
cdef np.ndarray[np.int_t,ndim=1] offspring, clones
cdef double c_state
for i in range(self.animals.size()):
for _ in range(5):
self.animals[i].mutate()
fitnesses[i] = self.animals[i].fitness()
offspring = np.random.poisson(fitnesses / np.mean(fitnesses))
for i in range(self.animals.size()):
for k in range(offspring[i]):
born_animals.push_back(CppAnimal(self.animals[i].state()))
if born_animals.size() > self.animals.size():
clones = np.random.choice(np.arange(born_animals.size()),
born_animals.size() - self.animals.size(),
replace=False)
for c in clones:
born_animals.erase(born_animals.begin() + c)
else:
clones = np.random.choice(np.arange(self.animals.size()),
self.animals.size() - born_animals.size())
for c in clones:
born_animals.push_back(CppAnimal(self.animals[c].state()))
self.animals = born_animals
cpdef list state(self):
cdef list state_list
cdef int i
state_list = []
for i in range(self.animals.size()):
state_list.append(self.animals[i].state())
return state_list
population = CppPopulation()
[population.create_animal() for _ in range(100000)]
%timeit population.do_step()
plt.hist(population.state())
print(len(population.state()))
10 loops, best of 3: 47.7 ms per loop 100000
%prun -l 10 -q -T profile population.do_step()
with open("profile","r") as f:
print(f.read())
*** Profile printout saved to text file u'profile'. 36 function calls in 0.082 seconds Ordered by: internal time List reduced from 22 to 10 due to restriction <10> ncalls tottime percall cumtime percall filename:lineno(function) 1 0.082 0.082 0.082 0.082 _cython_magic_38e2df27a5b6471fc4ab6ddd0b6fe556.pyx:19(do_step) 4 0.000 0.000 0.000 0.000 {method 'reduce' of 'numpy.ufunc' objects} 1 0.000 0.000 0.000 0.000 _methods.py:53(_mean) 1 0.000 0.000 0.000 0.000 fromnumeric.py:2388(prod) 2 0.000 0.000 0.000 0.000 fromnumeric.py:1866(any) 1 0.000 0.000 0.000 0.000 _methods.py:43(_count_reduce_items) 1 0.000 0.000 0.000 0.000 fromnumeric.py:2786(mean) 3 0.000 0.000 0.000 0.000 numeric.py:534(asanyarray) 1 0.000 0.000 0.082 0.082 <string>:1(<module>) 1 0.000 0.000 0.082 0.082 {method 'do_step' of '_cython_magic_38e2df27a5b6471fc4ab6ddd0b6fe556.CppPopulation' objects}
Implementing the animal class in C++ and using C++-vectors as containers gives us a nice speedup from about 370 ms to 50 ms. My Cython code is also far from perfect, since it still has some Python interactions when calling the NumPy functions. You could probably create some lightning fast code if you also implemented those yourself in Cython or even C++.
But, on the other hand, if you are able to write this code in Cython/C++ without using any Python interactions, why are you even using Python in the first place? Doing so eliminates most of the advantages that Python offers, so you might as well write your model entirely in C++, and just do the post-processing in Python. What if the design of the module was flawed from the very beginning? Let’s start from scratch.
Doing it the Python way¶
My first impulse to represent animals and populations as instances of a class might make intuitive sense, but in the end, it is an abstraction that prevents us from writing elegant code. The approach was to loop over all animals and do things one-by-one. As we have seen in example 2, this is usually a really bad idea. After all, animals can just be represented by numbers - say, their genome, or a position in space, or a lifetime fitness. So, let’s create a population that is just a structured array of numbers, with four fields:
def create_population(n):
pop = np.zeros(n, dtype=[('a','<f8'),('b','<f8'),('position','<i8'),('supergene','<f8')])
for f in pop.dtype.fields:
pop[f] = np.random.randn(n)*5
return pop
pop = create_population(10)
print(pop["position"])
print(pop["supergene"])
[ 0 4 0 0 7 7 0 3 3 -2] [ 3.00132731 3.30461432 4.90439491 0.26981922 -3.87040995 -4.56569831 -6.93399245 6.57216156 0.74030973 5.2755511 ]
The NumPy interface allows us to operate on the whole population at once:
def mutate(population):
n = len(population)
population["a"] += np.random.randn(n)
population["b"] += 2.5*np.random.randn(n) + 0.25
population["supergene"] += np.random.randn(n)
population["position"] += np.random.randint(-1,2,size=n)
def fitness(population):
fit_fun = lambda x,t: np.exp(-np.power(population[x]-t,2))
return fit_fun("a",15) + fit_fun("b",2.5) \
+ fit_fun("supergene",10) + fit_fun("position",0)
def do_step(population):
n = len(population)
for _ in range(5):
mutate(population)
fitnesses = fitness(population)
offspring = np.random.poisson(fitnesses / np.mean(fitnesses))
population = np.repeat(population,offspring)
if len(population) > n:
population = np.random.choice(population,n,replace=False)
elif len(population) < n:
clones = np.random.choice(np.arange(len(population)),
n-len(population),replace=False)
clone_rep = np.ones(len(population), dtype=np.int)
clone_rep[clones] = 2
population = np.repeat(population,clone_rep)
return population
Just look at the sheer length of this code, compared to the complicated implementations above. If you want, you can also put those functions into a population class that holds the animals as a member array to keep your namespace clean.
Representing the population as a structured array also allows for nice interactions with other Python packages (here Pandas and Seaborn):
pop = create_population(100000)
for _ in range(10):
pop = do_step(pop)
sns.violinplot(data=pd.DataFrame(pop));
And, finally, let’s have a look at performance:
pop = create_population(100000)
%timeit do_step(pop)
10 loops, best of 3: 77.4 ms per loop
So, completely un-optimized Python code with four genes instead of one is not even slower by a factor of two compared to the C++/Cython implementation above. What do we learn from that?
Bottom line: don’t be stupid™¶
- Don’t get carried away by unnecessary abstraction. Think in terms of clusters, not single objects.
- Don’t try to apply low-level logic to high-level languages. Chances are, you will make your life miserable.
- Before optimizing a solution, ask yourself whether your abstraction makes sense.
- Use the tools that you are given (in this case NumPy). There are lots of developers thinking about low-level implementations so you don’t have to (that’s why we all like Python, remember).
That concludes this example, and this series. Thank you for reading, and don’t hesitate to contact me if you have questions or if you have a suggestion on how to improve my code. I’m always happy to learn.