Alex Malz (NYU) & Phil Marshall (SLAC)
In this notebook we develop machinery to evaluate our approximations on whole datasets in "survey mode."
%load_ext autoreload
%autoreload 2
from __future__ import print_function
import hickle
import numpy as np
from pathos.multiprocessing import ProcessingPool as Pool
import random
import cProfile
import pstats
import StringIO
import timeit
import psutil
import sys
import os
import timeit
import pandas as pd
pd.set_option('display.max_columns', None)
import matplotlib.pyplot as plt
%matplotlib inline
import qp
from qp.utils import calculate_kl_divergence as make_kld
np.random.seed(seed=42)
random.seed(a=42)
There are two datasets available:
# choose one of these:
dataset_key = 'Euclid'# Melissa Graham's data
# dataset_key = 'LSST'# Sam Schmidt's data
dataname = dataset_key
dataset_info = {}
dataset_info[dataset_key] = {}
Both datasets are fit with BPZ.
if dataset_key == 'Euclid':
datafilename = 'bpz_euclid_test_10_2.probs'
elif dataset_key == 'LSST':
datafilename = 'test_magscat_trainingfile_probs.out'
dataset_info[dataset_key]['filename'] = datafilename
The data files don't appear to come with information about the native format or metaparameters, but we are told they're evaluations on a regular grid of redshifts with given endpoints and number of parameters.
if dataset_key == 'Euclid':
z_low = 0.01
z_high = 3.51
elif dataset_key == 'LSST':
z_low = 0.005
z_high = 2.11
dataset_info[dataset_key]['z_lim'] = (z_low, z_high)
z_grid = np.arange(z_low, z_high, 0.01, dtype='float')
z_range = z_high - z_low
delta_z = z_range / len(z_grid)
dataset_info[dataset_key]['z_grid'] = z_grid
dataset_info[dataset_key]['delta_z'] = delta_z
Let's read in the catalog data. Note that it has a sizeable footprint even for a "small" number of galaxies.
## Warning: reading in the data is slow for Sam Schmidt's dataset!
with open(dataset_info[dataset_key]['filename'], 'rb') as data_file:
lines = (line.split(None) for line in data_file)
lines.next()
pdfs = np.array([[float(line[k]) for k in range(1,len(line))] for line in lines])
# dataset_info[dataset_key]['native_pdfs'] = pdfs
print('storage footprint '+str(sys.getsizeof(pdfs))+' bytes')
storage footprint 84000112 bytes
Let's plot a few interesting PDFs from the dataset.
colors = ['red','green','blue','cyan','magenta','yellow']
n_plot = len(colors)
# if dataset_key == 'mg':
# indices = [1, 3, 14, 16, 19, 21]
# elif dataset_key == 'ss':
n_gals_tot = len(pdfs)
full_gal_range = range(n_gals_tot)
indices = np.random.choice(full_gal_range, n_plot)
for i in range(n_plot):
plt.plot(dataset_info[dataset_key]['z_grid'], pdfs[indices[i]],
color=colors[i], label=dataset_key+'#'+str(indices[i]))
plt.xlabel(r'$z$', fontsize=16)
plt.ylabel(r'$p(z)$', fontsize=16)
plt.title(dataset_key+' mock catalog')
plt.legend()
plt.savefig('pz_placeholder_'+dataset_key+'.png', dpi=250)
Note: BPZ PDFs are not properly normalized. In order to be true PDFs, we want $\int_{-\infty}^{\infty} p(z) dz = 1$, but the data file entries satisfy $\sum _{z=z_min}^{z_{max}} p(z) = 1$, which is not in general the same. qp
approximates the desired integral as $1 = \int p(z) dz \approx \Delta_{z} \sum_{z=z_{min}}^{z_{max}} p(z)$ where $\Delta_{z} = \frac{z_{max} - z_{min}}{N_{ff}}$, where the native format PDF is evaluated at $N_{ff}$ redshifts.
Let's pick out a galaxy with an interesting $p(z)$ to turn into a qp.PDF
object initialized with a gridded parametrization.
if dataset_key == 'Euclid':
chosen = 1
elif dataset_key == 'LSST':
chosen = 108019
start_time = timeit.default_timer()
G = qp.PDF(gridded=(dataset_info[dataset_key]['z_grid'], pdfs[chosen]))
print(timeit.default_timer() - start_time)
G.plot()
0.000384092330933 Plotted gridded.
qp
cannot currently convert gridded PDFs to histograms or quantiles - we need to make a GMM first, and use this to instantiate a qp.PDF
object using a qp.composite
object based on that GMM as qp.PDF.truth
. The number of parameters necessary for a qualitatively good fit depends on the characteristics of the dataset.
if dataset_key == 'Euclid':
nc_needed = 3
elif datanset_key == 'LSST':
nc_needed = 5
dataset_info[dataset_key]['N_GMM'] = nc_needed
We can fit a GMM directly to the gridded PDF (via an internal interpolation). The direct fit, however, is not guaranteed to converge, particularly if the underlying distribution is not actually well-described by a weighted sum of Gaussians -- this is why storing the GMM parameters instead of a non-parametric format can be dangerous.
start_time = timeit.default_timer()
G.mix_mod_fit(n_components=dataset_info[dataset_key]['N_GMM'],
using='gridded', vb=True)
time = timeit.default_timer() - start_time
print(str(time)+' for GMM fit to gridded')
G.plot()
(array([ 9.50296130e-02, 9.13478664e-01, 6.00090910e-14]), array([ 1.63821369, 0.97362529, 0.01000003]), array([ 0.11477798, 0.07009695, 0.01011561])) 0.0950296130204$\cdot\mathcal{N}($1.63821369069,0.114777982467)\n0.913478664431$\cdot\mathcal{N}($0.973625286165,0.0700969523659)\n6.00090910438e-14$\cdot\mathcal{N}($0.010000025646,0.0101156124227)\n 0.799422025681 for GMM fit to gridded Plotted mixture model. Plotted gridded.
The alternative is to take a large number of samples and fit a GMM to those (via the same internal interpolation). We can check that the fits are very similar. Though it is slower, we will sample before fitting to guarantee convergence.
high_res = 1000
start_time = timeit.default_timer()
G.sample(high_res, vb=False)
G.mix_mod_fit(n_components=dataset_info[dataset_key]['N_GMM'],
using='samples', vb=True)
time = timeit.default_timer() - start_time
print(str(time)+' for GMM fit to samples')
G.plot()
(array([ 0.4591986 , 0.09101332, 0.44978808]), array([ 0.93370903, 1.64947303, 1.02402893]), array([ 0.05407378, 0.10610907, 0.05529338])) 0.459198595456$\cdot\mathcal{N}($0.933709031244,0.0540737836988)\n0.0910133249336$\cdot\mathcal{N}($1.64947302681,0.106109068803)\n0.44978807961$\cdot\mathcal{N}($1.02402892621,0.055293375334)\n 0.979893922806 for GMM fit to samples Plotted mixture model. Plotted gridded. Created a KDE interpolator for the samples parametrization. interpolating between 0.799130568114 and 1.84354725455 Plotted samples
The qp.composite
object can be used as the qp.PDF.truth
to initialize a new qp.PDF
object that doesn't have any information about the gridded or sample approximations but has a qualitatively similar shape and is thus "realistically complex" enough to draw conclusions about real data. Now we can approximate it any way we like! Consider this example for $N_f=20$ parameters.
N_f = 20
M = qp.PDF(truth=G.mix_mod)
M.quantize(N=N_f, vb=False)
M.histogramize(N=N_f, binrange=dataset_info[dataset_key]['z_lim'], vb=False)
M.sample(N=N_f, using='truth', vb=False)
M.plot(loc=dataset_key+'_example_pz.png', vb=True)
Plotted truth. Created a `linear` interpolator for the quantiles parametrization. interpolating between 0.864946566935 and 1.64330501453 Plotted quantiles. Created a piecewise constant interpolator for the histogram parametrization. interpolating between 0.01 and 3.51 Plotted histogram. Created a KDE interpolator for the samples parametrization. interpolating between 0.861176052174 and 1.72167957585 Plotted samples
We can also calculate the KLD metric on this qp.PDF
. The KLD quantifies the information loss of an approximation of a PDF relative to the true PDF in units of nats. Thus, a lower KLD corresponds to more information being preserved in the approximation.
formats = ['quantiles', 'histogram', 'samples']
parametrizations = {}
for f in formats:
parametrizations[f] = {}
for ff in formats:
parametrizations[f][ff] = None
parametrizations['quantiles']['quantiles'] = M.quantiles
parametrizations['histogram']['histogram'] = M.histogram
parametrizations['samples']['samples'] = M.samples
dataset_info[dataset_key]['inits'] = parametrizations
klds = {}
P = qp.PDF(truth=M.truth)
for f in formats:
Q = qp.PDF(quantiles=dataset_info[dataset_key]['inits'][f]['quantiles'],
histogram=dataset_info[dataset_key]['inits'][f]['histogram'],
samples=dataset_info[dataset_key]['inits'][f]['samples'])
klds[f] = make_kld(P, Q)
print(klds)
Evaluating the true distribution. Created a `linear` interpolator for the quantiles parametrization. interpolating between -10.0 and 10.0 Evaluating the true distribution. Created a piecewise constant interpolator for the histogram parametrization. interpolating between -10.0 and 10.0 Evaluating the true distribution. Created a KDE interpolator for the samples parametrization. interpolating between -10.0 and 10.0 {'quantiles': 3.0284267582374671, 'samples': 0.54618084935518219, 'histogram': 0.16225043567527594}
We want to compare parametrizations for large catalogs, so we'll need to be more efficient. The qp.Ensemble
object is a wrapper for qp.PDF
objects enabling conversions to be performed and metrics to be calculated in parallel. We'll experiment on a subsample of 100 galaxies.
n_gals_tot = len(pdfs)
n_gals_use = 100
full_gal_range = range(n_gals_tot)
subset = np.random.choice(full_gal_range, n_gals_use)
pdfs_use = pdfs[subset]
# using the same grid for output as the native format, but doesn't need to be so
dataset_info[dataset_key]['in_z_grid'] = dataset_info[dataset_key]['z_grid']
dataset_info[dataset_key]['metric_z_grid'] = dataset_info[dataset_key]['z_grid']
n_floats_use = 10
if dataset_key == 'Euclid':
dataset_info[dataset_key]['N_GMM'] = 3
elif datanset_key == 'LSST':
dataset_info[dataset_key]['N_GMM'] = 5
fit_components = dataset_info[dataset_key]['N_GMM']
n_moments_use = 3
colors = {'quantiles':'b', 'histogram':'r', 'samples':'g'}
We'll start by reading in our catalog of gridded PDFs, sampling them, fitting GMMs to the samples, and establishing a new qp.Ensemble
object where each meber qp.PDF
object has qp.PDF.truth
$\neq$None
.
def setup_from_grid(in_pdfs, z_grid, N_comps, high_res=1000):
#read in the data, happens to be gridded
zlim = (min(z_grid), max(z_grid))
N_pdfs = len(in_pdfs)
plot_examples(N_pdfs, z_grid, pdfs)
print('making the initial ensemble of '+str(N_pdfs)+' PDFs')
E0 = qp.Ensemble(N_pdfs, gridded=(z_grid, in_pdfs), vb=True)
print('made the initial ensemble of '+str(N_pdfs)+' PDFs')
#fit GMMs to gridded pdfs based on samples (faster than fitting to gridded)
print('sampling for the GMM fit')
samparr = E0.sample(high_res, vb=False)
print('took '+str(high_res)+' samples')
print('making a new ensemble from samples')
Ei = qp.Ensemble(N_pdfs, samples=samparr, vb=False)
print('made a new ensemble from samples')
print('fitting the GMM to samples')
GMMs = Ei.mix_mod_fit(comps=N_comps, vb=False)
print('fit the GMM to samples')
#set the GMMS as the truth
print('making the final ensemble')
Ef = qp.Ensemble(N_pdfs, truth=GMMs, vb=False)
print('made the final ensemble')
return(Ef)
# return
def plot_examples(N_pdfs, z_grid, pdfs, n_plot=6):
randos = np.random.choice(range(N_pdfs), n_plot)
for i in range(n_plot):
plt.plot(z_grid, pdfs[randos[i]],
color=colors[i], label=dataset_key+'#'+str(randos[i]))
plt.xlabel(r'$z$', fontsize=16)
plt.ylabel(r'$p(z)$', fontsize=16)
plt.title(dataset_key+' mock catalog')
plt.legend()
plt.savefig('pz_placeholder_'+dataset_key+'.png', dpi=250)
pr = cProfile.Profile()
pr.enable()
catalog = setup_from_grid(pdfs_use, dataset_info[dataset_key]['in_z_grid'],
fit_components)
pr.disable()
s = StringIO.StringIO()
sortby = 'cumtime'
ps = pstats.Stats(pr, stream=s).sort_stats(sortby)
ps.print_stats()
print(s.getvalue())
making the initial ensemble of 100 PDFs made the pool of 4 in 6.89029693604e-05 made the catalog in 0.162966966629 made the initial ensemble of 100 PDFs sampling for the GMM fit took 1000 samples making a new ensemble from samples made the pool of 4 in 5.3882598877e-05 made the catalog in 0.22846698761 made a new ensemble from samples fitting the GMM to samples fit the GMM to samples making the final ensemble made the pool of 4 in 9.58442687988e-05 made the catalog in 9.35384893417 made the final ensemble 326453 function calls (314773 primitive calls) in 146.412 seconds Ordered by: cumulative time ncalls tottime percall cumtime percall filename:lineno(function) 2 0.000 0.000 146.412 73.206 /usr/local/lib/python2.7/dist-packages/IPython/core/interactiveshell.py:2852(run_code) 1 0.000 0.000 146.412 146.412 <ipython-input-18-82e9db352643>:4(<module>) 1 0.000 0.000 146.412 146.412 <ipython-input-17-d1621e69ba8d>:1(setup_from_grid) 5 0.000 0.000 145.597 29.119 /home/aimalz/.local/lib/python2.7/site-packages/pathos/multiprocessing.py:133(map) 5 0.000 0.000 145.597 29.119 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:246(map) 213 145.597 0.684 145.597 0.684 {method 'acquire' of 'thread.lock' objects} 5 0.000 0.000 145.597 29.119 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:560(get) 5 0.000 0.000 145.597 29.119 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:552(wait) 5 0.000 0.000 145.597 29.119 /usr/lib/python2.7/threading.py:309(wait) 1 0.000 0.000 133.576 133.576 build/bdist.linux-x86_64/egg/qp/ensemble.py:123(sample) 3 0.000 0.000 9.747 3.249 build/bdist.linux-x86_64/egg/qp/ensemble.py:16(__init__) 3 0.000 0.000 9.746 3.249 build/bdist.linux-x86_64/egg/qp/ensemble.py:105(make_pdfs) 1 0.000 0.000 2.276 2.276 build/bdist.linux-x86_64/egg/qp/ensemble.py:223(mix_mod_fit) 1 0.000 0.000 0.811 0.811 <ipython-input-17-d1621e69ba8d>:34(plot_examples) 1 0.000 0.000 0.680 0.680 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:694(savefig) 2 0.000 0.000 0.566 0.283 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:453(draw) 190/2 0.002 0.000 0.560 0.280 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:61(draw_wrapper) 2 0.000 0.000 0.560 0.280 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1090(draw) 4/2 0.000 0.000 0.556 0.278 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/image.py:120(_draw_list_compositing_images) 2 0.000 0.000 0.556 0.278 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2329(draw) 1 0.000 0.000 0.514 0.514 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1470(savefig) 1 0.000 0.000 0.514 0.514 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2087(print_figure) 1 0.000 0.000 0.512 0.512 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:544(print_png) 4 0.000 0.000 0.455 0.114 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1128(draw) 58 0.008 0.000 0.323 0.006 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:739(draw) 142 0.007 0.000 0.301 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:329(_get_layout) 160 0.002 0.000 0.283 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:215(get_text_width_height_descent) 8 0.000 0.000 0.250 0.031 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:3248(parse) 390 0.001 0.000 0.217 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1443(findfont) 180/176 0.001 0.000 0.216 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1586(parseString) 390 0.003 0.000 0.216 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1228(findfont) 3756/176 0.033 0.000 0.213 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1520(_parseCache) 4 0.000 0.000 0.206 0.051 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:888(__init__) 3686/176 0.027 0.000 0.205 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1347(_parseNoCache) 1130/176 0.008 0.000 0.202 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3375(parseImpl) 321 0.004 0.000 0.201 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:674(__init__) 172 0.002 0.000 0.183 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:914(set_fontconfig_pattern) 172 0.000 0.000 0.179 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:717(_parse_fontconfig_pattern) 172 0.001 0.000 0.179 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:119(parse) 1 0.000 0.000 0.166 0.166 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2026(draw_idle) 8 0.000 0.000 0.146 0.018 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:988(__init__) 52/44 0.002 0.000 0.121 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:67(__init__) 6 0.000 0.000 0.120 0.020 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:3305(plot) 1 0.111 0.111 0.111 0.111 {matplotlib._png.write_png} 368/348 0.002 0.000 0.101 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3917(parseImpl) 10 0.000 0.000 0.101 0.010 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:932(gca) 382/348 0.002 0.000 0.100 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3837(parseImpl) 10 0.000 0.000 0.099 0.010 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1326(gca) 1 0.000 0.000 0.099 0.099 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:939(add_subplot) 1 0.000 0.000 0.099 0.099 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:23(__init__) 1 0.000 0.000 0.099 0.099 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:432(__init__) 372/368 0.001 0.000 0.097 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3981(parseImpl) 12 0.000 0.000 0.087 0.007 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:729(cla) 174 0.007 0.000 0.083 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:297(__init__) 16/12 0.000 0.000 0.082 0.007 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:767(reset_ticks) 32 0.001 0.000 0.080 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:249(draw) 2 0.000 0.000 0.080 0.040 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:453(draw) 4 0.001 0.000 0.074 0.018 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:961(_update_ticks) 4 0.000 0.000 0.066 0.017 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:675(__init__) 26/22 0.000 0.000 0.061 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1724(_get_tick) 26/22 0.000 0.000 0.060 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2052(_get_tick) 1 0.000 0.000 0.058 0.058 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:962(cla) 110/54 0.001 0.000 0.055 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3525(parseImpl) 44 0.000 0.000 0.054 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:908(iter_ticks) 18/2 0.001 0.000 0.054 0.027 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:273(draw) 834 0.005 0.000 0.053 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:199(_recache) 68 0.005 0.000 0.046 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:769(draw) 504/480 0.002 0.000 0.046 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1046(wrapper) 3686 0.008 0.000 0.045 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1465(set) 520/64 0.001 0.000 0.044 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3715(parseImpl) 4 0.000 0.000 0.042 0.011 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:166(cla) 4 0.000 0.000 0.042 0.010 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2507(parse) 4 0.000 0.000 0.041 0.010 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1317(get_major_ticks) 50 0.002 0.000 0.040 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:183(draw_text) 1 0.000 0.000 0.037 0.037 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:620(_init_axis) 66/30 0.003 0.000 0.037 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:453(get_extent_offsets) 4 0.000 0.000 0.037 0.009 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2586(math_string) 4 0.000 0.000 0.035 0.009 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1067(_get_tick_bboxes) 32 0.001 0.000 0.034 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:932(get_window_extent) 12/8 0.001 0.000 0.034 0.004 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:376(get_extent_offsets) 420 0.002 0.000 0.033 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:248(set_marker) 58/18 0.000 0.000 0.033 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:258(get_extent) 3690 0.020 0.000 0.031 0.000 /usr/lib/python2.7/collections.py:71(__setitem__) 60 0.002 0.000 0.030 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:830(get_extent) 202 0.029 0.000 0.029 0.000 {method 'set_text' of 'matplotlib.ft2font.FT2Font' objects} 240 0.000 0.000 0.028 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:163(__init__) 1006 0.005 0.000 0.028 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:103(__init__) 414 0.001 0.000 0.025 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:223(set_fillstyle) 2 0.000 0.000 0.023 0.011 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:265(get_window_extent) 4914 0.006 0.000 0.022 0.000 {method 'get' of 'dict' objects} 390 0.001 0.000 0.022 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1000(get) 2313 0.005 0.000 0.022 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:87(__init__) 202 0.002 0.000 0.021 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:269(_get_agg_font) 473 0.003 0.000 0.021 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:163(set_children) 26/24 0.000 0.000 0.021 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:414(_get_tick1line) 1886 0.007 0.000 0.020 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:732(copy) 187 0.001 0.000 0.020 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2290(__init__) 6 0.000 0.000 0.019 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:1813(inner) 6 0.000 0.000 0.019 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:1264(plot) 1006 0.008 0.000 0.019 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:212(_update_values) 1784 0.003 0.000 0.019 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1662(__init__) 2 0.000 0.000 0.019 0.009 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:641(__init__) 4 0.000 0.000 0.019 0.005 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:154(register_axis) 216/176 0.001 0.000 0.018 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:404(get_spine_transform) 26/24 0.000 0.000 0.018 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:425(_get_tick2line) 180 0.000 0.000 0.018 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1156(set_marker) 720 0.002 0.000 0.018 0.000 /usr/lib/python2.7/weakref.py:105(__setitem__) 224/176 0.000 0.000 0.018 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:148(_ensure_position_is_set) 8 0.000 0.000 0.017 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:359(set_position) 26/24 0.000 0.000 0.017 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:546(_get_tick1line) 26/24 0.000 0.000 0.017 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:561(_get_tick2line) 695 0.002 0.000 0.017 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1808(__init__) 16230 0.012 0.000 0.017 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2182(__hash__) 2313 0.011 0.000 0.016 0.000 /usr/lib/python2.7/weakref.py:47(__init__) 11473 0.016 0.000 0.016 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:934(__getitem__) 20 0.000 0.000 0.016 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:214(get_offset) 4 0.000 0.000 0.016 0.004 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:432(_findoffset_best) 4 0.000 0.000 0.015 0.004 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:922(_find_best_position) 720 0.015 0.000 0.015 0.000 /usr/lib/python2.7/weakref.py:282(__init__) 16/8 0.000 0.000 0.015 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2400(inverted) 4 0.000 0.000 0.015 0.004 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2095(_get_pixel_distance_along_axis) 1320 0.010 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:720(__hash__) 174 0.000 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:548(set_fillstyle) 38 0.000 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:143(draw_path) 38 0.012 0.000 0.014 0.000 {method 'draw_path' of 'matplotlib.backends._backend_agg.RendererAgg' objects} 4536 0.013 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:349(__init__) 26 0.000 0.000 0.014 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:440(_get_gridline) 628 0.001 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:128(invalidate) 18870/17940 0.004 0.000 0.013 0.000 {hash} 3756 0.003 0.000 0.012 0.000 /usr/lib/python2.7/threading.py:215(__exit__) 327 0.002 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1972(scale) 884/628 0.004 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:139(_invalidate_internal) 14 0.001 0.000 0.012 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:516(draw) 102 0.003 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:670(recache) 26 0.000 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:575(_get_gridline) 12 0.000 0.000 0.011 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:862(draw) 17888 0.009 0.000 0.011 0.000 {isinstance} 4 0.000 0.000 0.011 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1792(__call__) 4 0.000 0.000 0.011 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1796(tick_values) 4 0.000 0.000 0.011 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1741(_raw_ticks) 238/110 0.001 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:688(get_xaxis_transform) 3461 0.011 0.000 0.011 0.000 {numpy.core.multiarray.array} 3756 0.003 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1462(get) 1566 0.011 0.000 0.011 0.000 {method 'reduce' of 'numpy.ufunc' objects} 1 0.000 0.000 0.010 0.010 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:3796(legend) 1 0.000 0.000 0.010 0.010 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:297(legend) 18 0.000 0.000 0.010 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1281(_copy_tick_props) 1 0.000 0.000 0.010 0.010 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:149(__init__) 3758 0.007 0.000 0.010 0.000 /usr/lib/python2.7/threading.py:147(acquire) 26 0.000 0.000 0.010 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:516(_get_text1) 1 0.000 0.000 0.010 0.010 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:583(_init_legend_box) 497 0.004 0.000 0.010 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2365(identity) 1085 0.001 0.000 0.009 0.000 {method 'all' of 'numpy.ndarray' objects} 66 0.000 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1310(update_from) 4536 0.006 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:340(__new__) 46 0.009 0.000 0.009 0.000 {method 'draw_glyphs_to_bitmap' of 'matplotlib.ft2font.FT2Font' objects} 3758 0.007 0.000 0.009 0.000 /usr/lib/python2.7/threading.py:187(release) 12 0.000 0.000 0.009 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:680(draw) 82 0.001 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1411(transform_point) 6527/5771 0.006 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:268(stale) 94 0.001 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1315(transform) 604 0.002 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:970(_normalize_font_family) 378 0.005 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:95(__init__) 1085 0.001 0.000 0.008 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:40(_all) 238/110 0.000 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:765(get_yaxis_transform) 6 0.000 0.000 0.008 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2236(autoscale_view) 210 0.000 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1173(__add__) 2013 0.002 0.000 0.007 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:463(asarray) 210 0.001 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2471(composite_transform_factory) 118 0.001 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:189(__init__) 930 0.003 0.000 0.007 0.000 /usr/lib/python2.7/weakref.py:183(itervalues) 36 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:667(set_clip_path) 214/134 0.002 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2392(get_affine) 12 0.001 0.000 0.007 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2270(handle_single_axis) 142 0.001 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:901(get_prop_tup) 1796 0.005 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:682(is_string_like) 390 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:730(__eq__) 308 0.002 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2791(parseImpl) 42 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:214(get_transform) 390 0.004 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:996(make_rcparams_key) 6 0.000 0.000 0.007 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:91(legend_artist) 112 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1902(clear) 26 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:381(_get_text1) 243 0.002 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:781(__init__) 6 0.000 0.000 0.007 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:185(create_artists) 24 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1266(_draw_lines) 24 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1290(_draw_solid) 94 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2368(transform_affine) 26 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:531(_get_text2) 120 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:724(new_gc) 24 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:558(intersects_bbox) 303 0.001 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/colors.py:128(to_rgba) 120 0.002 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:786(__init__) 28 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:707(get_patch_transform) 3 0.000 0.000 0.005 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:468(get_renderer) 28 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:691(_update_patch_transform) 2 0.000 0.000 0.005 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2017(get_tick_space) 12 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:399(_grab_next_args) 6 0.000 0.000 0.005 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:354(_plot_args) 6 0.000 0.000 0.005 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1776(add_line) 26 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:398(_get_text2) 497 0.004 0.000 0.005 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/twodim_base.py:139(eye) 2 0.005 0.002 0.005 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:85(__init__) 354 0.001 0.000 0.005 0.000 /usr/lib/python2.7/collections.py:170(popitem) 2 0.000 0.000 0.005 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:868(set_clip_path) 356 0.001 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1545(resetCache) 70 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:719(_set_tickdown) 309 0.002 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:851(update) 2313 0.004 0.000 0.005 0.000 /usr/lib/python2.7/UserDict.py:4(__init__) 2 0.000 0.000 0.005 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2351(get_tick_space) 56 0.001 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2702(_revalidate) 82 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:983(get_path) 70 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:699(_set_tickleft) 50 0.004 0.000 0.005 0.000 {method 'draw_text_image' of 'matplotlib.backends._backend_agg.RendererAgg' objects} 40 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:887(_get_anchored_bbox) 8 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:191(set_clip_path) 2 0.000 0.000 0.004 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2140(_update_label_position) 32 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2716(get_transformed_points_and_affine) 70 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:713(_set_tickup) 228 0.003 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/functools32/functools32.py:387(wrapper) 303 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/colors.py:107(_is_nth_color) 98 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:838(from_extents) 78 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1927(rotate_deg) 172 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:138(_family) 70 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:705(_set_tickright) 18 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:723(union) 91 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:828(from_bounds) 78 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1910(rotate) 18633/18575 0.004 0.000 0.004 0.000 {len} 26 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:495(_get_text1_transform) 32 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:122(draw_markers) 26 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:790(get_yaxis_text1_transform) 88 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1735(frozen) 32 0.003 0.000 0.004 0.000 {method 'draw_markers' of 'matplotlib.backends._backend_agg.RendererAgg' objects} 356 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1473(clear) 28 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1425(transform_path) 180 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1086(set_linestyle) 6 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:297(_makeline) 192 0.003 0.000 0.003 0.000 {method 'sub' of '_sre.SRE_Pattern' objects} 736 0.003 0.000 0.003 0.000 {numpy.core.multiarray.dot} 2448 0.003 0.000 0.003 0.000 {getattr} 354 0.001 0.000 0.003 0.000 /usr/lib/python2.7/collections.py:149(pop) 297 0.001 0.000 0.003 0.000 /usr/lib/python2.7/re.py:138(match) 609 0.003 0.000 0.003 0.000 {method 'match' of '_sre.SRE_Pattern' objects} 16 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:2319(__init__) 68 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:744(_get_transformed_path) 105 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2648(__init__) 16 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1638(__init__) 356 0.003 0.000 0.003 0.000 /usr/lib/python2.7/collections.py:108(clear) 2472 0.003 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:186(__init__) 4 0.000 0.000 0.003 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:722(_auto_legend_data) 4627 0.003 0.000 0.003 0.000 {built-in method __new__ of type object at 0x558959229280} 28 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1436(transform_path_affine) 32 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1711(set_params) 50 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:730(_transform_path) 88 0.002 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:172(_fast_from_codes_and_verts) 17489 0.003 0.000 0.003 0.000 {id} 1308 0.002 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1328(preParse) 283 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:813(set_family) 1221 0.002 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:326(pchanged) 386 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:192(convert_xunits) 227 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1683(transform) 255 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1763(transform_affine) 44 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1448(transform_path_non_affine) 62 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2685(__init__) 1966 0.002 0.000 0.003 0.000 /usr/local/lib/python2.7/dist-packages/numpy/ma/core.py:6192(isMaskedArray) 176 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:856(_update_property) 24 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:548(intersects_path) 24 0.002 0.000 0.002 0.000 {matplotlib._path.path_intersects_path} 174 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:887(get_unitless_position) 122 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2792(round_) 7526 0.002 0.000 0.002 0.000 /usr/lib/python2.7/threading.py:64(_note) 62 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1091(get_points) 7522 0.002 0.000 0.002 0.000 {thread.get_ident} 6 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1805(_update_line_limits) 160 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1215(is_math_text) 487 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:74(_stale_axes_callback) 1 0.000 0.000 0.002 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:942(_gen_axes_spines) 40 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:546(anchored) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:498(_get_text2_transform) 24 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:473(transformed) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:361(_get_text1_transform) 24 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2463(isclose) 122 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2723(around) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:816(get_yaxis_text2_transform) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:713(get_xaxis_text1_transform) 3 0.000 0.000 0.002 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:413(_set_dpi) 8 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:278(draw) 445 0.001 0.000 0.002 0.000 /usr/lib/python2.7/abc.py:128(__instancecheck__) 32 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:342(write) 4 0.000 0.000 0.002 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:453(linear_spine) 12 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:74(update_prop) 869 0.002 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:673(iterable) 28 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:282(__array__) 674 0.001 0.000 0.002 0.000 /usr/lib/python2.7/_weakrefset.py:26(__exit__) 413 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:634(set_figure) 130 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:55(_wrapfunc) 78 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:57(_get_packed_offsets) 10 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2639(symbol) 378 0.000 0.000 0.002 0.000 <string>:8(__new__) 140/86 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/units.py:125(get_converter) 100 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:294(get_rotation) 32 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:275(get_transform) 10 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1459(__init__) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:364(_get_text2_transform) 36 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:316(update_from) 4 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:168(draw_mathtext) 42 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:591(_get_info) 28 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1947(rotate_deg_around) 10 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1475(_update_metrics) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:739(get_xaxis_text2_transform) 93 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1957(translate) 28 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1700(transform_path_affine) 319 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:341(set_transform) 4 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:44(__init__) 186 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:753(set_transform) 102/56 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2322(_invalidate_internal) 42 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:455(update_position) 4 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:536(get_results) 10 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:445(get_metrics) 16 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:559(__init__) 7 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:86(__init__) 208 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:28(_amin) 32 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:694(translated) 942 0.002 0.000 0.002 0.000 {numpy.core.multiarray.empty} 64 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1335(_get_rgba_face) 354 0.001 0.000 0.002 0.000 /usr/lib/python2.7/collections.py:81(__delitem__) 4 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:210(get_results) 1433 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/six.py:598(iteritems) 260 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:291(_set_artist_props) 6545 0.002 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:734(get_animated) 4 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1764(_get_pixel_distance_along_axis) 37 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:180(schedule) 222 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:25(_amax) 68 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1465(convert_units) 7 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:713(__init__) 523 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:313(report) 386 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:201(convert_yunits) 2046 0.002 0.000 0.002 0.000 {method 'update' of 'dict' objects} 122 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:402(_get_bounds) 8 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2068(__call__) 134 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:238(update) 16/8 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2085(hlist_out) 256 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:287(points_to_pixels) 354 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1054(_split_drawstyle_linestyle) 132 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:848(set_weight) 100 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:64(get_rotation) 212 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:54(get_hinting_flag) 32 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1703(_staircase) 24 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2727(get_transformed_path_and_affine) 102 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:953(update_from) 104 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2174(amax) 54 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1297(__setitem__) 647 0.001 0.000 0.001 0.000 {numpy.core.multiarray.zeros} 240 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1010(set_foreground) 40 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:686(padded) 406/264 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2353(_get_is_affine) 373 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:68(_scale_dashes) 6 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2776(set_xbound) 54 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2550(__init__) 24 0.001 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2522(within_tol) 192 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:640(axes) 174 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:653(set_data) 42 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:590(update_position) 104 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2275(amin) 108 0.001 0.000 0.001 0.000 {method 'round' of 'numpy.generic' objects} 10 0.000 0.000 0.001 0.000 {print} 674 0.001 0.000 0.001 0.000 /usr/lib/python2.7/_weakrefset.py:20(__enter__) 279 0.001 0.000 0.001 0.000 {matplotlib._path.affine_transform} 680 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2409(parseImpl) 2 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1815(_update_label_position) 6 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2821(set_xlim) 11 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:579(gcf) 160 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2191(is_math_text) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:708(_set_scale) 130/128 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2567(get_matrix) 20 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1503(render) 187 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:39(_get_dash_pattern) 720 0.001 0.000 0.001 0.000 /usr/lib/python2.7/weakref.py:277(__new__) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:69(set_default_locators_and_formatters) 6 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3052(set_ybound) 174 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1458(set_dash_capstyle) 1 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:428(figure) 16 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1684(_validate_steps) 76 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2145(transform_non_affine) 25 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:812(unit) 338 0.001 0.000 0.001 0.000 {method 'copy' of 'numpy.ndarray' objects} 12 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:65(_update_prop) 20 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:486(render_glyph) 12 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:71(_default_update_prop) 32 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:239(hstack) 297 0.001 0.000 0.001 0.000 /usr/lib/python2.7/re.py:230(_compile) 192 0.001 0.000 0.001 0.000 /usr/lib/python2.7/re.py:284(_subx) 381 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:534(asanyarray) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:644(set_locs) 214 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1204(set_text) 104 0.000 0.000 0.001 0.000 {method 'min' of 'numpy.ndarray' objects} 38 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:931(copy) 6 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3097(set_ylim) 1344 0.001 0.000 0.001 0.000 {max} 1 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:413(new_figure_manager) 6 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1246(contains_branch_seperately) 56 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2743(get_affine) 42 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:493(connect) 12 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:804(set_offset) 8 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:646(count_contains) 228 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/functools32/functools32.py:136(move_to_end) 682 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/six.py:595(itervalues) 12 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:633(set_offset) 16 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1620(__init__) 32 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1401(popall) 742 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:483(haskeys) 174 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1039(set_linewidth) 1156 0.001 0.000 0.001 0.000 {method 'pop' of 'dict' objects} 80 0.001 0.000 0.001 0.000 {method 'accumulate' of 'numpy.ufunc' objects} 172 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:150(_families) 100 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2372(transform_non_affine) 13 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:398(_set_artist_props) 2801 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:236(axes) 22 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:313(_set_facecolor) 24 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1770(transform_point) 6 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1226(contains_branch) 18 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:620(get_transform) 114 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:885(set_size) 1445 0.001 0.000 0.001 0.000 {iter} 523 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:347(ge) 25 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2416(__init__) 108 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2176(get_affine) 1 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:267(__init__) 6 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:585(__init__) 112 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:919(set_zorder) 67 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1973(all) 10 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:909(_get_glyph) 190 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:52(after) 404 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:388(__getitem__) 232 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1233(set_xdata) 14 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1499(set_label_text) 459 0.001 0.000 0.001 0.000 /usr/lib/python2.7/_weakrefset.py:70(__contains__) 19/18 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1678(__eq__) 40 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:158(_property) 24 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1791(inverted) 202 0.001 0.000 0.001 0.000 {method 'clear' of 'matplotlib.ft2font.FT2Font' objects} 1320 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:739(get_family) 174 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1419(set_dash_joinstyle) 190 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:45(before) 217 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:353(get_transform) 174 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:747(is_numlike) 20 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:187(render_glyph) 224 0.001 0.000 0.001 0.000 {method 'reshape' of 'numpy.ndarray' objects} 269 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:54(_stale_figure_callback) 64 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:926(_get_markerfacecolor) 118 0.000 0.000 0.001 0.000 {method 'max' of 'numpy.ndarray' objects} 2 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1853(_update_offset_text_position) 212 0.001 0.000 0.001 0.000 {method 'set_size' of 'matplotlib.ft2font.FT2Font' objects} 180 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1019(set_drawstyle) 40 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2747(nonsingular) 2 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:842(_update_transScale) 22 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:149(__init__) 174 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1472(set_solid_capstyle) 18 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1406(update_units) 209 0.001 0.000 0.001 0.000 {sorted} 1710 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:793(get_file) 42 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1886(any) 96 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:11(atleast_1d) 174 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1198(set_markerfacecolor) 64 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2667(seterr) 111 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:867(set_stretch) 674 0.001 0.000 0.001 0.000 /usr/lib/python2.7/_weakrefset.py:16(__init__) 14 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:320(set_facecolor) 51 0.001 0.000 0.001 0.000 /usr/lib/python2.7/contextlib.py:21(__exit__) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:725(_set_format) 9 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:916(_set_artist_props) 1893 0.001 0.000 0.001 0.000 {method 'copy' of 'dict' objects} 5 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:298(map_async) 78 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:107(_get_aligned_offsets) 32 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:282(set_label2) 120 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:775(_set_gc_clip) 1776 0.001 0.000 0.001 0.000 {method 'startswith' of 'unicode' objects} 427 0.001 0.000 0.001 0.000 /usr/lib/python2.7/weakref.py:55(remove) 174 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1186(set_markeredgewidth) 1432 0.001 0.000 0.001 0.000 {method 'iteritems' of 'dict' objects} 174 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1432(set_solid_joinstyle) 27 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1066(__init__) 174 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1222(set_markersize) 64 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2130(_get_is_affine) 270 0.001 0.000 0.001 0.000 {method 'groupdict' of '_sre.SRE_Match' objects} 96 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:243(get_visible_children) 1320 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:752(get_style) 979 0.001 0.000 0.001 0.000 {method 'lower' of 'unicode' objects} 2 0.000 0.000 0.001 0.000 /usr/lib/python2.7/codeop.py:132(__call__) 118 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1254(set_usetex) 1531 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:790(get_size_in_points) 232 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1243(set_ydata) 62 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2249(get_matrix) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:555(__call__) 816 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:435(__bool__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1622(set) 192 0.000 0.000 0.000 0.000 /usr/lib/python2.7/re.py:264(_compile_repl) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2590(math) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:147(_value) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:271(set_label1) 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:938(set_alpha) 68 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:214(__nonzero__) 2 0.000 0.000 0.000 0.000 {compile} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:530(get_extents) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1731(_get_label) 640 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1853(get_matrix) 62 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:381(_get_width) 32 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:3064(__enter__) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:297(_schedule_flush) 1846 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1343(postParse) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:898(update_from_path) 674 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:68(_commit_removals) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:449(inv) 20/14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2337(__eq__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:662(__init__) 42 0.000 0.000 0.000 0.000 {method 'any' of 'numpy.ndarray' objects} 10 0.000 0.000 0.000 0.000 {method 'load_char' of 'matplotlib.ft2font.FT2Font' objects} 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:367(apply_tickdir) 1320 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:776(get_stretch) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:429(set_fill) 1320 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:767(get_weight) 320 0.000 0.000 0.000 0.000 {method 'count' of 'unicode' objects} 1320 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:760(get_variant) 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1210(set_markerfacecoloralt) 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1174(set_markeredgecolor) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1626(kern) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:501(apply_tickdir) 10 0.000 0.000 0.000 0.000 {method 'draw_glyph_to_bitmap' of 'matplotlib.ft2font.FT2Font' objects} 44 0.000 0.000 0.000 0.000 {numpy.core.multiarray.concatenate} 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:215(_xy_from_xy) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2638(tick_params) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:805(_get_glyph) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2596(non_math) 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1000(set_antialiased) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:573(_get_font) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1569(__eq__) 118 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:994(set_color) 366 0.000 0.000 0.000 0.000 {next} 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:144(_name) 51 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:15(__enter__) 494 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1018(get_points) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2343(_iter_break_from_left_to_right) 131 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:826(set_style) 126 0.000 0.000 0.000 0.000 {method 'flatten' of 'numpy.ndarray' objects} 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2562(normalize_kwargs) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2233(__eq__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:138(get_patch_transform) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1981(_process_unit_info) 42 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:37(_any) 22 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:290(_set_edgecolor) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:349(by_key) 8 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:182(vstack) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:630(set_figure) 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:660(get_extent) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2266(blended_transform_factory) 753 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:90(__iter__) 53 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:820(set_alpha) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:779(set_tick_params) 225 0.000 0.000 0.000 0.000 {hasattr} 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1010(set_color) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:501(__init__) 176 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3181(parseImpl) 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:228(get_patch_transform) 168 0.000 0.000 0.000 0.000 {min} 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1813(view_limits) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2546(safe_first_element) 37 0.000 0.000 0.000 0.000 {posix.urandom} 51 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:82(helper) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:702(get_transform) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1664(hpack) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3719(get_children) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:993(_set_intervaly) 459 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:244(axes) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2582(main) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1343(_get_rgba_ln_color) 74 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:640(__iadd__) 32 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:3069(__exit__) 512 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:221(vertices) 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:300(set_edgecolor) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:79(get_transform) 232 0.000 0.000 0.000 0.000 {method 'ravel' of 'numpy.ndarray' objects} 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2203(__init__) 642 0.000 0.000 0.000 0.000 {method 'append' of 'list' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1749(_get_offset_text) 182 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:437(__iter__) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:147(get_xdata) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:109(update_params) 187 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:715(is_hashable) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:420(get_position) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:911(get_markeredgecolor) 515 0.000 0.000 0.000 0.000 {method 'items' of 'dict' objects} 356 0.000 0.000 0.000 0.000 {method 'clear' of 'dict' objects} 194 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1642(_get_is_affine) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:988(_set_intervalx) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:657(_compute_offset) 44 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:546(fix_minus) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1383(apply_aspect) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:760(pprint_val) 6 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/function_base.py:25(linspace) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2460(get_matrix) 111 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1084(get_default_size) 118 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:298(set_rotation_mode) 554 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:287(_set_nothing) 472 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:730(get_visible) 111 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:838(set_variant) 66 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2659(get_matrix) 16 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:1843(diff) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:926(_gen_axes_patch) 180 0.000 0.000 0.000 0.000 {method 'expandtabs' of 'unicode' objects} 24 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:63(atleast_2d) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1534(set_major_locator) 84 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:349(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:648(_set_lim_and_transforms) 102 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1666(__array__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2565(get_path) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2178(_update_offset_text_position) 100 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:47(_wrap_text) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:83(get_grid_positions) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:285(_calc_offset_transform) 674 0.000 0.000 0.000 0.000 {method 'itervalues' of 'dict' objects} 6 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:1905(array_str) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1159(set_x) 32 0.000 0.000 0.000 0.000 {method 'decode' of 'str' objects} 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:589(__init__) 380 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:802(get_agg_filter) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2447(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:1971(__call__) 674 0.000 0.000 0.000 0.000 {method 'remove' of 'set' objects} 700 0.000 0.000 0.000 0.000 {method 'add' of 'set' objects} 380 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:785(get_rasterized) 64 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2767(geterr) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2183(transmute) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:293(__init__) 274 0.000 0.000 0.000 0.000 {method 'group' of '_sre.SRE_Match' objects} 116 0.000 0.000 0.000 0.000 {method 'extend' of 'list' objects} 206 0.000 0.000 0.000 0.000 {method 'replace' of 'unicode' objects} 6 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:381(wrapper) 10 0.000 0.000 0.000 0.000 /usr/lib/python2.7/genericpath.py:23(exists) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:233(get_hinting_type) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1475(set_units) 6 0.000 0.000 0.000 0.000 {matplotlib._path.update_path_extents} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2059(_get_label) 34 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2382(transform_path_non_affine) 150 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1267(get_usetex) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:193(_adjust_location) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:385(set_linestyle) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:664(count_overlaps) 164 0.000 0.000 0.000 0.000 {abs} 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1756(get_siblings) 162 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:410(_get_dpi) 51 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2626(get_matrix) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/multiprocessing.py:88(__init__) 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:537(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1150(set_position) 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2803(get_xlim) 70 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1047(set_linewidth) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1488(get_kerning) 10 0.000 0.000 0.000 0.000 {posix.stat} 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3079(get_ylim) 42 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:371(add_destroy_callback) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:420(__init__) 282 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:917(get_text) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2856(subsuper) 62 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:388(_get_height) 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:705(get_scale) 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:558(set_markevery) 198 0.000 0.000 0.000 0.000 {method 'release' of 'thread.lock' objects} 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/Queue.py:107(put) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1512(set_major_formatter) 248 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:273(should_simplify) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2079(_get_offset_text) 489 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:930(sticky_edges) 16 0.000 0.000 0.000 0.000 {any} 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:534(get_snap) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1730(sum) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:809(_translate_tick_kw) 22/1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:180(set_figure) 14 0.000 0.000 0.000 0.000 {method 'round' of 'numpy.ndarray' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:1424(title) 156 0.000 0.000 0.000 0.000 {method 'get_width_height' of 'matplotlib.ft2font.FT2Font' objects} 48 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2135(isscalar) 202 0.000 0.000 0.000 0.000 {method 'get_descent' of 'matplotlib.ft2font.FT2Font' objects} 8 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:31(_sum) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:260(get_subplot_params) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1168(set_y) 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1100(get_hatch_path) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2049(transform) 132 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:520(get_gid) 32 0.000 0.000 0.000 0.000 /usr/lib/python2.7/encodings/utf_8.py:15(decode) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:182(set_canvas_size) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:138(set_title) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:426(new_figure_manager_given_figure) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1545(set_minor_locator) 256 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:235(codes) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/__init__.py:112(cpu_count) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:717(limit_range_for_scale) 36 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:367(_get_intervalx) 69 0.000 0.000 0.000 0.000 {range} 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:363(set_linewidth) 1 0.000 0.000 0.000 0.000 {open} 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1559(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:860(set_position) 1 0.000 0.000 0.000 0.000 {method 'close' of 'file' objects} 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1523(set_minor_formatter) 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:242(Condition) 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:856(get_clip_path) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:278(frozen) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1199(_iter_break_from_left_to_right) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2316(mpl_connect) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:1540(xlabel) 132 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:624(get_path_effects) 44 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:292(_get_x0) 3 0.000 0.000 0.000 0.000 {posix.sysconf} 70 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1038(set_joinstyle) 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:980(set_clip_path) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:612(get_offset) 37 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:986(isAlive) 36 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:374(_get_intervaly) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2133(ptp) 52 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:175(get_tick_padding) 17 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/ma/core.py:629(filled) 15 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:657(set_clip_box) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:298(_apply_params) 40 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:133(itervalues) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2207(_check_1d) 52 0.000 0.000 0.000 0.000 {method 'split' of 'unicode' objects} 274 0.000 0.000 0.000 0.000 {method 'end' of '_sre.SRE_Match' objects} 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:554(get_legend_handler) 17 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:205(set_offset) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3041(get_ybound) 1 0.000 0.000 0.000 0.000 {method 'choice' of 'mtrand.RandomState' objects} 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:176(_update_bbox) 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:866(get_dashes) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:542(get_fillstyle) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1403(get_matrix) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:255(_getdefaults) 110 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:227(<genexpr>) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:50(__init__) 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:260(__init__) 22 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:760(set_clip_on) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2758(get_xbound) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:649(get_kern) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1543(le) 42 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:367(__contains__) 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:373(notify) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:900(set_label) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:853(get_position) 70 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:965(set_capstyle) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:200(set_xlabel) 32 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:3060(__init__) 4 0.000 0.000 0.000 0.000 {matplotlib._path.get_path_extents} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:277(get_legend_handles_labels) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:195(update) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:219(__init__) 32 0.000 0.000 0.000 0.000 {_codecs.utf_8_decode} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1036(set) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:265(get_canvas_width_height) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1686(__init__) 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:224(open_group) 160 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:254(simplify_threshold) 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1114(get_hatch_linewidth) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:191(_divmod) 6 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:399(array2string) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2575(push_state) 64 0.000 0.000 0.000 0.000 {numpy.core.umath.seterrobj} 42 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:335(__setitem__) 22 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:190(axes) 167 0.000 0.000 0.000 0.000 {method 'lower' of 'str' objects} 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1108(get_hatch_color) 198 0.000 0.000 0.000 0.000 {callable} 4 0.000 0.000 0.000 0.000 {method 'ptp' of 'numpy.ndarray' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1616(scale_range) 147 0.000 0.000 0.000 0.000 {method 'setdefault' of 'dict' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:168(__init__) 306 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1709(get_affine) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:115(atleast_3d) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:349(_get_ymax) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:814(_bool) 88 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:280(should_simplify) 58 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:434(__len__) 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:232(close_group) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/textpath.py:35(__init__) 11 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:449(set_capstyle) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:478(set_canvas_size) 118 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:636(set_wrap) 4 0.000 0.000 0.000 0.000 {matplotlib._path.count_bboxes_overlapping_bbox} 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:925(get_snap) 42 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:297(__init__) 50 0.000 0.000 0.000 0.000 {math.sin} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:774(set_facecolor) 90 0.000 0.000 0.000 0.000 {method 'strip' of 'unicode' objects} 30 0.000 0.000 0.000 0.000 {numpy.core.multiarray.result_type} 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:256(_get_legend_handles) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:630(get_wrap) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1958(get_view_interval) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2291(get_view_interval) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2475(grid) 46 0.000 0.000 0.000 0.000 {method 'get_bitmap_offset' of 'matplotlib.ft2font.FT2Font' objects} 51 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:12(__init__) 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:825(restore) 88 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:262(simplify_threshold) 28 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:903(_set_artist_props) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2799(interval_contains) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:299(_get_y0) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2630(set_bounds) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:163(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:699(_set_orderOfMagnitude) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2497(set_boxstyle) 4 0.000 0.000 0.000 0.000 {method 'sum' of 'numpy.ndarray' objects} 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/image.py:130(<genexpr>) 120 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1120(get_sketch_params) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/projections/__init__.py:70(process_projection_requirements) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/copy.py:66(copy) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1412(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:347(set_alpha) 100 0.000 0.000 0.000 0.000 {math.radians} 128 0.000 0.000 0.000 0.000 {numpy.core.umath.geterrobj} 111 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:907(set_file) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:808(get_color) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1739(_get_is_separable) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/_abcoll.py:548(update) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:658(__init__) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:284(_is_master_process) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:178(__call__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:274(<genexpr>) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:341(__init__) 6 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:150(ones) 70 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1075(set_snap) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:234(_update_this) 24/12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2349(depth) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1559(ge) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1023(__call__) 98 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:220(get_fillstyle) 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:831(set_visible) 43 0.000 0.000 0.000 0.000 {setattr} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:3241(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2547(copy) 37 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:87(_event_pipe) 41 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:541(process) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2090(__init__) 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1063(set_url) 1 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2408(prod) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:111(add) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:1853(__new__) 20 0.000 0.000 0.000 0.000 {method 'get_char_index' of 'matplotlib.ft2font.FT2Font' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:1560(ylabel) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1487(nonzero) 50 0.000 0.000 0.000 0.000 {math.cos} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1550(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2924(get_xscale) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:569(destroy) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:71(get_unicode_index) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2753(xaxis_inverted) 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:241(set_axis) 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:479(__init__) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:846(get_bbox_to_anchor) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:139(_commonType) 98 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:245(get_marker) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:405(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:225(__iter__) 10 0.000 0.000 0.000 0.000 {numpy.core.multiarray.arange} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1364(grid) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1498(is_dashed) 16 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:213(iterable) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/multiprocessing.py:114(_serve) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1680(clean) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:723(get_alpha) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2906(parseImpl) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:703(flipy) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:525(set_useOffset) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:685(get_path) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3036(yaxis_inverted) 10 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:300(_is_owned) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:312(get_rotation_mode) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1320(_set_artist_props) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:613(get_markevery) 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:992(set_dashes) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:284(get_snap_threshold) 15 0.000 0.000 0.000 0.000 {zip} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3697(set_cursor_props) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1983(get_minpos) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/_pylab_helpers.py:119(get_active) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1114(set_fontsize) 1 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:34(_prod) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:231(set_ylabel) 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1380(ravel) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:155(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:669(add_artist) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1605(_set) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:766(set_edgecolor) 10 0.000 0.000 0.000 0.000 {method 'sort' of 'list' objects} 3 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/psutil/_common.py:266(wrapper) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:239(get_joinstyle) 1 0.000 0.000 0.000 0.000 {locals} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1190(set_verticalalignment) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2317(get_minpos) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2604(__init__) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/copy.py:306(_reconstruct) 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:954(set_antialiased) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1130(set_fontweight) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:820(null) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:409(_get_extents) 6 0.000 0.000 0.000 0.000 {numpy.core.multiarray.copyto} 28 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:636(unit_rectangle) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1103(set_size) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:405(_get_axes) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:823(_make_key) 37 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:570(isSet) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1055(clf) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:168(set_prop_cycle) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:275(set_antialiased) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:585(set_clip_box) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1328(set_anchor) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1807(draw_event) 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:792(get_minimumdescent) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:527(scale_factory) 16 0.000 0.000 0.000 0.000 {method 'item' of 'numpy.generic' objects} 39 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2045(get_matrix) 1 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/utils/decorators.py:41(wrapper) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1562(_init) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:466(set_joinstyle) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1965(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:138(keys) 45 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:249(get_children) 10 0.000 0.000 0.000 0.000 {method 'astype' of 'numpy.ndarray' objects} 10 0.000 0.000 0.000 0.000 {method 'get_glyph_name' of 'matplotlib.ft2font.FT2Font' objects} 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:139(current_key_axes) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1370(sca) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2531(set_mutation_scale) 28 0.000 0.000 0.000 0.000 {method 'pop' of 'list' objects} 42 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:48(bbox_artist) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1186(set_va) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:278(get_alt_path) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:272(get_path) 12 0.000 0.000 0.000 0.000 {sum} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3201(get_yscale) 36 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1379(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2540(__init__) 6 0.000 0.000 0.000 0.000 {method 'get_kerning' of 'matplotlib.ft2font.FT2Font' objects} 12 0.000 0.000 0.000 0.000 {math.log10} 7 0.000 0.000 0.000 0.000 {all} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1118(set_weight) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:78(as_list) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:198(__init__) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:586(_get_offset) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1522(closeto) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:842(fixlist) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:104(bubble) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:106(_makearray) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1433(__call__) 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:138(iteritems) 1 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/shape_base.py:826(tile) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:483(set_hatch) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:805(set_title) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1014(_get_minposy) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1482(safezip) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1343(push) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1292(__init__) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:242(get_capstyle) 12 0.000 0.000 0.000 0.000 {method 'mro' of 'type' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/pylab/backend_inline.py:51(draw_if_interactive) 15 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/six.py:592(iterkeys) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:371(<genexpr>) 15 0.000 0.000 0.000 0.000 {divmod} 84 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:437(__hash__) 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/Queue.py:204(_put) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2569(pop_state) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2557(_set_font) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:209(_assertNdSquareness) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:895(get_position) 10 0.000 0.000 0.000 0.000 {unicodedata.category} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:128(_update_methods) 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/core/hooks.py:139(__call__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:791(_string_to_bool) 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:297(_acquire_restore) 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:568(get_sketch_params) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:125(__init__) 6 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/function_base.py:13(_index_deprecate) 32 0.000 0.000 0.000 0.000 {posix.getpid} 8 0.000 0.000 0.000 0.000 {method 'remove' of 'list' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:139(__getitem__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2613(__init__) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/posixpath.py:97(splitext) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1531(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1010(_get_minposx) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1053(set_linestyle) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:4361(postParse) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2563(get_state) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1301(get_major_locator) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/_pylab_helpers.py:129(set_active) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:593(get_fignums) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:48(limit_range_for_scale) 4 0.000 0.000 0.000 0.000 {method 'nonzero' of 'numpy.ndarray' objects} 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:974(set_clip_rectangle) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/projections/__init__.py:54(get_projection_class) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2171(__init__) 6 0.000 0.000 0.000 0.000 {unicodedata.name} 20 0.000 0.000 0.000 0.000 {math.ceil} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1363(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1368(bubble) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:521(get_scale_names) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:74(__init__) 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:294(_release_save) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:37(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1340(get_minor_ticks) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:425(set_tight_layout) 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2555(_get_font) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:101(get_linalg_error_extobj) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1299(raise_if_exceeds) 8 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:111(isComplexType) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:82(adjust_drawing_area) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:130(set_canvas_size) 1 0.000 0.000 0.000 0.000 {method '__reduce_ex__' of 'object' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:409(_set_loc) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1462(have_units) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:836(get_size) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/genericpath.py:93(_splitext) 10 0.000 0.000 0.000 0.000 {thread.allocate_lock} 6 0.000 0.000 0.000 0.000 {method 'startswith' of 'str' objects} 4 0.000 0.000 0.000 0.000 {method 'format' of 'unicode' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:155(__contains__) 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/helpers/mp_helper.py:12(starargs) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:145(get_path) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/abc.py:148(__subclasscheck__) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:577(_update_clip_properties) 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:367(<genexpr>) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:286(set_aa) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:124(_realType) 21 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:334(is_transform_set) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:807(set_frameon) 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/abstract_launcher.py:128(__map) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:86(get) 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:894(get_label) 6 0.000 0.000 0.000 0.000 {method 'item' of 'numpy.ndarray' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1248(set_aspect) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:152(__call__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:1419(get_backend) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1012(set_horizontalalignment) 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2069(get_affine) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:141(get_numpoints) 12 0.000 0.000 0.000 0.000 {issubclass} 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:59(__init__) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:4274(postParse) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1428(_update_axisinfo) 36 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1212(depth) 10 0.000 0.000 0.000 0.000 {unichr} 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:198(_assertRankAtLeast2) 1 0.000 0.000 0.000 0.000 <ipython-input-18-82e9db352643>:6(<module>) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2065(_get_output_canvas) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:1433(is_interactive) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:285(_setdefaults) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2069(use_sticky_edges) 15 0.000 0.000 0.000 0.000 {method 'iterkeys' of 'dict' objects} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1363(clear) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:292(set_locs) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:1047(mouseover) 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/utils/ipstruct.py:125(__getattr__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/projections/__init__.py:25(get_projection_class) 12 0.000 0.000 0.000 0.000 {time.time} 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/core/interactiveshell.py:1067(user_global_ns) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:900(set_axes_locator) 8 0.000 0.000 0.000 0.000 {math.floor} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/_pylab_helpers.py:38(get_fig_manager) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:913(get_zorder) 6 0.000 0.000 0.000 0.000 {method 'discard' of 'set' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:528(get_used_characters) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:1954(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:314(option_image_nocomposite) 20 0.000 0.000 0.000 0.000 {ord} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:419(destroy) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:746(get_facecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1313(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:96(_entry_from_axes) 1 0.000 0.000 0.000 0.000 {method 'join' of 'unicode' objects} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2561(get_boxstyle) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:391(__init__) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:802(_map_virtual_font) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:567(set_canvas) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/copy_reg.py:92(__newobj__) 6 0.000 0.000 0.000 0.000 {operator.index} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2540(get_mutation_scale) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:742(get_edgecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2727(set_axis_on) 4 0.000 0.000 0.000 0.000 {repr} 4 0.000 0.000 0.000 0.000 {method '__array_prepare__' of 'numpy.ndarray' objects} 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1692(transform_non_affine) 2 0.000 0.000 0.000 0.000 {method 'rfind' of 'str' objects} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1338(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:65(set_width_ratios) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3417(set_navigate_mode) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1703(_idle_draw_cntx) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:746(get_clip_path) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1245(get_aspect) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:50(get_geometry) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:782(set_minimumdescent) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:419(get_tight_layout) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:910(get_axes_locator) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:540(get_legend_handler_map) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:160(subplot_class_factory) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:552(set_snap) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3403(set_navigate) 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/core/hooks.py:204(pre_run_code_hook) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:253(get_facecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:826(fixitems) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1705(transform_path_non_affine) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:855(set_bbox_to_anchor) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1709(is_saving) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:762(get_frameon) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:787(get_frame) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:519(get_default_handler_map) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:74(set_height_ratios) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2059(transform_path) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2555(get_mutation_aspect) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1388(get_kerning) 5 0.000 0.000 0.000 0.000 {method 'append' of 'collections.deque' objects} 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/shape_base.py:897(<genexpr>) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:246(get_edgecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/widgets.py:37(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:66(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:488(_approx_text_height) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1436(tick_values) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:407(get_gridspec) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:101(get_subplotspec) 1 0.000 0.000 0.000 0.000 {method 'disable' of '_lsprof.Profiler' objects}
Next, we compute the KLD between each approximation and the truth for every member of the ensemble. We make the qp.Ensemble.kld
into a qp.PDF
object of its own to compare the moments of the KLD distributions for different parametrizations.
def analyze_individual(E, z_grid, N_floats, N_moments=4):
zlim = (min(z_grid), max(z_grid))
z_range = zlim[-1] - zlim[0]
delta_z = z_range / len(z_grid)
Eq, Eh, Es = E, E, E
inits = {}
for f in formats:
inits[f] = {}
for ff in formats:
inits[f][ff] = None
print('performing quantization')
inits['quantiles']['quantiles'] = Eq.quantize(N=N_floats, vb=False)
print('performing histogramization')
inits['histogram']['histogram'] = Eh.histogramize(N=N_floats, binrange=zlim, vb=False)
print('performing sampling')
inits['samples']['samples'] = Es.sample(samps=N_floats, vb=False)
print('making the approximate ensembles')
Eo ={}
for f in formats:
Eo[f] = qp.Ensemble(E.n_pdfs, truth=E.truth,
quantiles=inits[f]['quantiles'],
histogram=inits[f]['histogram'],
samples=inits[f]['samples'])
print('made the approximate ensembles')
print('calculating the individual metrics')
klds = {}
metrics = {}
moments = {}
for key in Eo.keys():
print('starting '+key)
klds[key] = Eo[key].kld(using=key, limits=zlim, dx=delta_z)
samp_metric = qp.PDF(samples=klds[key])
gmm_metric = samp_metric.mix_mod_fit(n_components=dataset_info[dataset_key]['N_GMM'],
using='samples')
metrics[key] = qp.PDF(truth=gmm_metric)
moments[key] = []
for n in range(N_moments+1):
moments[key].append([qp.utils.calculate_moment(metrics[key], n,
using=key,
limits=zlim,
dx=delta_z,
vb=False)])
print('finished with '+key)
print('calculated the individual metrics')
plot_individual(klds, N_floats)
return(Eo, klds, moments)
def plot_individual(pz_klds, N_floats):
colors = {'quantiles':'b', 'histogram':'r', 'samples':'g'}
plot_bins = np.linspace(-3., 3., 20)
for key in pz_klds.keys():
plt.hist(np.log(pz_klds[key]), color=colors[key], alpha=0.5,
label=key, normed=True, bins=plot_bins)
plt.legend()
plt.ylabel('frequency')
plt.xlabel(r'$\log[KLD]$')
plt.title(dataset_key+r' dataset with $N_{f}='+str(N_floats)+r'$')
plt.savefig('metric_histogram_placeholder.png', dpi=250)
pr = cProfile.Profile()
pr.enable()
(ensembles, pz_klds, metric_moments) = analyze_individual(catalog,
dataset_info[dataset_key]['metric_z_grid'],
n_floats_use,
n_moments_use)
dataset_info[dataset_key]['pz_klds'] = pz_klds
dataset_info[dataset_key]['pz_kld_moments'] = metric_moments
pr.disable()
s = StringIO.StringIO()
sortby = 'cumtime'
ps = pstats.Stats(pr, stream=s).sort_stats(sortby)
ps.print_stats()
print(s.getvalue())
performing quantization performing histogramization performing sampling making the approximate ensembles made the pool of 4 in 7.70092010498e-05 made the catalog in 8.40222716331 made the pool of 4 in 5.81741333008e-05 made the catalog in 7.88368415833 made the pool of 4 in 9.79900360107e-05 made the catalog in 10.9091639519 made the approximate ensembles calculating the individual metrics starting quantiles (array([ 0.6074386, 0.01 , 0.3825614]), array([ 0.69311326, 32.49463569, 1.75649648]), array([ 0.35695972, 0.001 , 0.87478532])) 0.607438603911$\cdot\mathcal{N}($0.693113256834,0.356959721802)\n0.01$\cdot\mathcal{N}($32.4946356913,0.001)\n0.382561396089$\cdot\mathcal{N}($1.75649648154,0.874785322374)\n finished with quantiles starting samples (array([ 0.89653691, 0.02 , 0.08346309]), array([ 0.12208167, 3.17252018, 0.62022733]), array([ 0.07370938, 0.03799267, 0.31646821])) 0.896536907934$\cdot\mathcal{N}($0.12208167407,0.0737093835102)\n0.02$\cdot\mathcal{N}($3.17252018119,0.0379926738362)\n0.0834630920655$\cdot\mathcal{N}($0.620227327256,0.316468213881)\n finished with samples starting histogram (array([ 0.22025031, 0.4876936 , 0.29205609]), array([ 0.31444171, 1.24805634, 0.8800208 ]), array([ 0.12551111, 0.2939436 , 0.25925954])) 0.220250312755$\cdot\mathcal{N}($0.31444171118,0.12551111234)\n0.487693595127$\cdot\mathcal{N}($1.24805634125,0.293943604743)\n0.292056092118$\cdot\mathcal{N}($0.880020802792,0.259259542353)\n finished with histogram calculated the individual metrics 590292 function calls (574186 primitive calls) in 133.892 seconds Ordered by: cumulative time ncalls tottime percall cumtime percall filename:lineno(function) 4 0.000 0.000 133.894 33.473 /usr/local/lib/python2.7/dist-packages/IPython/core/interactiveshell.py:2852(run_code) 1 0.000 0.000 133.894 133.894 <ipython-input-20-2510f2cb6b6c>:4(<module>) 1 0.000 0.000 133.894 133.894 <ipython-input-19-970fcb0b3faf>:1(analyze_individual) 9 0.000 0.000 132.755 14.751 /home/aimalz/.local/lib/python2.7/site-packages/pathos/multiprocessing.py:133(map) 9 0.000 0.000 132.755 14.751 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:246(map) 9 0.000 0.000 132.754 14.750 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:560(get) 9 0.000 0.000 132.754 14.750 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:552(wait) 9 0.000 0.000 132.754 14.750 /usr/lib/python2.7/threading.py:309(wait) 241 132.754 0.551 132.754 0.551 {method 'acquire' of 'thread.lock' objects} 3 0.000 0.000 50.734 16.911 build/bdist.linux-x86_64/egg/qp/ensemble.py:308(kld) 3 0.000 0.000 27.196 9.065 build/bdist.linux-x86_64/egg/qp/ensemble.py:16(__init__) 3 0.000 0.000 27.196 9.065 build/bdist.linux-x86_64/egg/qp/ensemble.py:105(make_pdfs) 1 0.000 0.000 24.835 24.835 build/bdist.linux-x86_64/egg/qp/ensemble.py:156(quantize) 1 0.000 0.000 15.025 15.025 build/bdist.linux-x86_64/egg/qp/ensemble.py:190(histogramize) 1 0.000 0.000 14.968 14.968 build/bdist.linux-x86_64/egg/qp/ensemble.py:123(sample) 1 0.000 0.000 0.802 0.802 <ipython-input-19-970fcb0b3faf>:55(plot_individual) 1 0.000 0.000 0.636 0.636 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:694(savefig) 2 0.000 0.000 0.525 0.263 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:453(draw) 250/2 0.002 0.000 0.521 0.261 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:61(draw_wrapper) 2 0.000 0.000 0.521 0.261 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1090(draw) 4/2 0.000 0.000 0.517 0.258 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/image.py:120(_draw_list_compositing_images) 2 0.000 0.000 0.517 0.258 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2329(draw) 1 0.000 0.000 0.390 0.390 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1470(savefig) 1 0.000 0.000 0.390 0.390 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2087(print_figure) 1 0.000 0.000 0.387 0.387 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:544(print_png) 46 0.003 0.000 0.292 0.006 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:739(draw) 94 0.005 0.000 0.291 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:329(_get_layout) 106 0.001 0.000 0.279 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:215(get_text_width_height_descent) 21 0.001 0.000 0.275 0.013 build/bdist.linux-x86_64/egg/qp/utils.py:214(calculate_moment) 21 0.000 0.000 0.273 0.013 build/bdist.linux-x86_64/egg/qp/pdf.py:91(evaluate) 21 0.000 0.000 0.273 0.013 build/bdist.linux-x86_64/egg/qp/pdf.py:539(approximate) 8 0.000 0.000 0.261 0.033 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:3248(parse) 21 0.000 0.000 0.246 0.012 build/bdist.linux-x86_64/egg/qp/pdf.py:442(interpolate) 1 0.000 0.000 0.246 0.246 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2026(draw_idle) 1 0.000 0.000 0.237 0.237 build/bdist.linux-x86_64/egg/qp/pdf.py:160(quantize) 1 0.000 0.000 0.237 0.237 build/bdist.linux-x86_64/egg/qp/composite.py:94(ppf) 9 0.000 0.000 0.235 0.026 /home/aimalz/.local/lib/python2.7/site-packages/scipy/optimize/_minimize.py:36(minimize) 9 0.011 0.001 0.234 0.026 /home/aimalz/.local/lib/python2.7/site-packages/scipy/optimize/optimize.py:406(_minimize_neldermead) 180/176 0.001 0.000 0.232 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1586(parseString) 4 0.000 0.000 0.232 0.058 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1128(draw) 4652/176 0.035 0.000 0.230 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1520(_parseCache) 4512/176 0.026 0.000 0.223 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1347(_parseNoCache) 1284/176 0.007 0.000 0.221 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3375(parseImpl) 369 0.001 0.000 0.217 0.001 /home/aimalz/.local/lib/python2.7/site-packages/scipy/optimize/optimize.py:290(function_wrapper) 369 0.003 0.000 0.216 0.001 build/bdist.linux-x86_64/egg/qp/composite.py:117(ppf_helper) 370 0.017 0.000 0.214 0.001 build/bdist.linux-x86_64/egg/qp/composite.py:52(cdf) 1110 0.005 0.000 0.196 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:455(cdf) 1110 0.067 0.000 0.192 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:1706(cdf) 324 0.001 0.000 0.171 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1443(findfont) 324 0.002 0.000 0.171 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1228(findfont) 4 0.000 0.000 0.166 0.041 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:888(__init__) 305 0.003 0.000 0.163 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:674(__init__) 3 0.000 0.000 0.162 0.054 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:3062(hist) 172 0.001 0.000 0.148 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:914(set_fontconfig_pattern) 172 0.000 0.000 0.145 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:717(_parse_fontconfig_pattern) 172 0.001 0.000 0.145 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:119(parse) 370/348 0.002 0.000 0.133 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3917(parseImpl) 396/348 0.001 0.000 0.132 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3837(parseImpl) 1 0.107 0.107 0.107 0.107 {matplotlib._png.write_png} 402/396 0.001 0.000 0.105 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3981(parseImpl) 8 0.000 0.000 0.101 0.013 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:988(__init__) 48/40 0.001 0.000 0.095 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:67(__init__) 186/64 0.002 0.000 0.093 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3525(parseImpl) 534/480 0.001 0.000 0.093 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1046(wrapper) 946/64 0.002 0.000 0.092 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3715(parseImpl) 4 0.000 0.000 0.091 0.023 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2507(parse) 6/3 0.000 0.000 0.087 0.029 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:1813(inner) 3 0.000 0.000 0.087 0.029 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:5867(hist) 134 0.003 0.000 0.085 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:516(draw) 4 0.000 0.000 0.082 0.021 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2586(math_string) 4 0.000 0.000 0.080 0.020 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:675(__init__) 3 0.001 0.000 0.077 0.026 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:1858(bar) 7 0.000 0.000 0.076 0.011 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:932(gca) 7 0.000 0.000 0.075 0.011 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1326(gca) 1 0.000 0.000 0.075 0.075 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:939(add_subplot) 1 0.000 0.000 0.074 0.074 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:23(__init__) 1 0.000 0.000 0.074 0.074 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:432(__init__) 313 0.000 0.000 0.066 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:707(get_patch_transform) 313 0.005 0.000 0.066 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:691(_update_patch_transform) 57 0.000 0.000 0.065 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1849(add_patch) 12 0.000 0.000 0.064 0.005 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:729(cla) 270 0.001 0.000 0.062 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:214(get_transform) 144 0.005 0.000 0.061 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:297(__init__) 16/12 0.000 0.000 0.061 0.005 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:767(reset_ticks) 4512 0.009 0.000 0.058 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1465(set) 2 0.000 0.000 0.057 0.029 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:453(draw) 3 0.000 0.000 0.055 0.018 build/bdist.linux-x86_64/egg/qp/pdf.py:286(mix_mod_fit) 4 0.000 0.000 0.052 0.013 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:961(_update_ticks) 25/21 0.000 0.000 0.049 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1724(_get_tick) 57 0.001 0.000 0.048 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1867(_update_patch_limits) 36 0.000 0.000 0.048 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:908(iter_ticks) 23/19 0.000 0.000 0.047 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2052(_get_tick) 1 0.000 0.000 0.047 0.047 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:962(cla) 1119 0.011 0.000 0.044 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:524(argsreduce) 660 0.004 0.000 0.039 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:199(_recache) 5475 0.008 0.000 0.036 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:87(__init__) 3 0.000 0.000 0.036 0.012 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:171(fit) 4 0.000 0.000 0.034 0.009 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1317(get_major_ticks) 4516 0.021 0.000 0.034 0.000 /usr/lib/python2.7/collections.py:71(__setitem__) 12/2 0.000 0.000 0.033 0.017 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:273(draw) 134 0.001 0.000 0.031 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:143(draw_path) 4 0.000 0.000 0.030 0.007 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:166(cla) 134 0.018 0.000 0.030 0.000 {method 'draw_path' of 'matplotlib.backends._backend_agg.RendererAgg' objects} 14 0.000 0.000 0.030 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:214(get_offset) 4 0.000 0.000 0.030 0.007 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:432(_findoffset_best) 26 0.000 0.000 0.029 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:249(draw) 4 0.000 0.000 0.029 0.007 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:922(_find_best_position) 1989 0.004 0.000 0.028 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1808(__init__) 5475 0.019 0.000 0.028 0.000 /usr/lib/python2.7/weakref.py:47(__init__) 3424 0.004 0.000 0.028 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1662(__init__) 17663 0.027 0.000 0.028 0.000 {numpy.core.multiarray.array} 1315/593 0.006 0.000 0.027 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2392(get_affine) 1264 0.004 0.000 0.027 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numerictypes.py:964(find_common_type) 1125 0.005 0.000 0.027 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:2278(extract) 469 0.002 0.000 0.025 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1315(transform) 1 0.000 0.000 0.025 0.025 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:620(_init_axis) 4369 0.024 0.000 0.024 0.000 {method 'reduce' of 'numpy.ufunc' objects} 330 0.002 0.000 0.024 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:248(set_marker) 4 0.001 0.000 0.024 0.006 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:722(_auto_legend_data) 7 0.000 0.000 0.024 0.003 build/bdist.linux-x86_64/egg/qp/pdf.py:511(samples_interpolator) 2528 0.020 0.000 0.023 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numerictypes.py:942(_can_coerce_all) 4 0.000 0.000 0.022 0.006 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1067(_get_tick_bboxes) 26 0.001 0.000 0.022 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:932(get_window_extent) 2 0.000 0.000 0.022 0.011 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:265(get_window_extent) 1039 0.001 0.000 0.022 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1173(__add__) 22908 0.015 0.000 0.021 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2182(__hash__) 7 0.015 0.002 0.021 0.003 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/kde.py:174(evaluate) 1039 0.002 0.000 0.020 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2471(composite_transform_factory) 186 0.000 0.000 0.020 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:163(__init__) 469 0.001 0.000 0.020 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2368(transform_affine) 78 0.001 0.000 0.020 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:667(set_clip_path) 330 0.001 0.000 0.019 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:223(set_fillstyle) 807 0.003 0.000 0.019 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:103(__init__) 2164 0.007 0.000 0.018 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:732(copy) 313 0.001 0.000 0.018 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1947(rotate_deg_around) 1017 0.005 0.000 0.018 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:781(__init__) 7567 0.006 0.000 0.018 0.000 {method 'get' of 'dict' objects} 914 0.003 0.000 0.017 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2290(__init__) 228 0.002 0.000 0.017 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:519(transformed) 1368 0.002 0.000 0.017 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:128(invalidate) 7233 0.006 0.000 0.017 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:463(asarray) 3 0.000 0.000 0.016 0.005 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:133(_initialize_parameters) 1168 0.003 0.000 0.016 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1886(any) 25/23 0.000 0.000 0.016 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:414(_get_tick1line) 38 0.001 0.000 0.016 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:183(draw_text) 592 0.001 0.000 0.016 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:828(from_bounds) 200/160 0.001 0.000 0.015 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:404(get_spine_transform) 23/21 0.000 0.000 0.015 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:546(_get_tick1line) 34898 0.014 0.000 0.015 0.000 {isinstance} 599 0.002 0.000 0.015 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:838(from_extents) 4 0.000 0.000 0.015 0.004 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:154(register_axis) 1741/1368 0.005 0.000 0.015 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:139(_invalidate_internal) 57 0.000 0.000 0.015 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1246(contains_branch_seperately) 1180 0.003 0.000 0.015 0.000 /usr/lib/python2.7/collections.py:170(popitem) 208/160 0.000 0.000 0.015 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:148(_ensure_position_is_set) 8 0.000 0.000 0.015 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:359(set_position) 57 0.001 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1226(contains_branch) 23/21 0.000 0.000 0.014 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:561(_get_tick2line) 36/18 0.001 0.000 0.014 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:453(get_extent_offsets) 9 0.000 0.000 0.014 0.002 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:771(__call__) 9 0.000 0.000 0.014 0.002 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:754(freeze) 9 0.000 0.000 0.014 0.002 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:429(__init__) 25/23 0.000 0.000 0.014 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:425(_get_tick2line) 1462 0.004 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:163(set_children) 9 0.001 0.000 0.014 0.002 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:1484(__init__) 324 0.001 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1000(get) 3 0.000 0.000 0.014 0.005 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/cluster/k_means_.py:871(fit) 26 0.002 0.000 0.013 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:769(draw) 144 0.000 0.000 0.013 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1156(set_marker) 4652 0.003 0.000 0.013 0.000 /usr/lib/python2.7/threading.py:215(__exit__) 3 0.000 0.000 0.013 0.004 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/cluster/k_means_.py:168(k_means) 3339 0.005 0.000 0.013 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:2329(place) 12/8 0.000 0.000 0.013 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:376(get_extent_offsets) 136 0.013 0.000 0.013 0.000 {method 'set_text' of 'matplotlib.ft2font.FT2Font' objects} 21 0.001 0.000 0.013 0.001 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:652(_m_step) 34/12 0.000 0.000 0.013 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:258(get_extent) 807 0.005 0.000 0.013 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:212(_update_values) 10775 0.012 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:934(__getitem__) 3 0.002 0.001 0.012 0.004 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/cluster/k_means_.py:382(_kmeans_single_elkan) 2765 0.004 0.000 0.012 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:55(_wrapfunc) 4652 0.003 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1462(get) 4 0.000 0.000 0.012 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1792(__call__) 30 0.000 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:830(get_extent) 4 0.000 0.000 0.012 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1796(tick_values) 5118 0.011 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:349(__init__) 2390 0.005 0.000 0.012 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1380(ravel) 4 0.000 0.000 0.012 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1741(_raw_ticks) 67 0.001 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:86(__init__) 645 0.002 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1957(translate) 24 0.001 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:289(_compute_precision_cholesky) 167 0.002 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1091(get_points) 62 0.000 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:662(__init__) 352 0.000 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:282(__array__) 144 0.000 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:548(set_fillstyle) 1171 0.002 0.000 0.011 0.000 {method 'any' of 'numpy.ndarray' objects} 136 0.001 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:269(_get_agg_font) 2400 0.004 0.000 0.011 0.000 {map} 9 0.000 0.000 0.010 0.001 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:706(_construct_doc) 23 0.000 0.000 0.010 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:575(_get_gridline) 2475 0.004 0.000 0.010 0.000 /usr/lib/python2.7/weakref.py:105(__setitem__) 1562 0.001 0.000 0.010 0.000 {method 'all' of 'numpy.ndarray' objects} 25 0.000 0.000 0.010 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:440(_get_gridline) 672 0.004 0.000 0.010 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2365(identity) 1180 0.003 0.000 0.010 0.000 /usr/lib/python2.7/collections.py:149(pop) 4654 0.008 0.000 0.010 0.000 /usr/lib/python2.7/threading.py:187(release) 2 0.000 0.000 0.010 0.005 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:641(__init__) 4654 0.007 0.000 0.009 0.000 /usr/lib/python2.7/threading.py:147(acquire) 1171 0.001 0.000 0.009 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:37(_any) 7407/6175 0.006 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:268(stale) 18 0.004 0.000 0.009 0.001 /home/aimalz/.local/lib/python2.7/site-packages/scipy/misc/doccer.py:12(docformat) 5118 0.006 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:340(__new__) 693 0.002 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/colors.py:128(to_rgba) 25063/24313 0.004 0.000 0.009 0.000 {hash} 1562 0.001 0.000 0.009 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:40(_all) 1386 0.004 0.000 0.009 0.000 /usr/lib/python2.7/weakref.py:183(itervalues) 283 0.001 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1972(scale) 3593 0.009 0.000 0.009 0.000 {numpy.core.multiarray.dot} 351 0.001 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1927(rotate_deg) 6066 0.006 0.000 0.008 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:534(asanyarray) 439 0.002 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:851(update) 5475 0.007 0.000 0.008 0.000 /usr/lib/python2.7/UserDict.py:4(__init__) 14 0.000 0.000 0.008 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1281(_copy_tick_props) 229/105 0.000 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:688(get_xaxis_transform) 1074 0.005 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:720(__hash__) 54220/54146 0.008 0.000 0.008 0.000 {len} 351 0.004 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1910(rotate) 211/95 0.000 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:765(get_yaxis_transform) 971 0.001 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1465(convert_units) 1 0.000 0.000 0.008 0.008 build/bdist.linux-x86_64/egg/qp/pdf.py:368(sample) 1 0.000 0.000 0.008 0.008 build/bdist.linux-x86_64/egg/qp/composite.py:71(rvs) 3339 0.008 0.000 0.008 0.000 {numpy.core.multiarray._insert} 1384 0.002 0.000 0.007 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:70(take) 513/228 0.001 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2343(_iter_break_from_left_to_right) 3 0.003 0.001 0.007 0.002 sklearn/cluster/_k_means_elkan.pyx:107(__pyx_fuse_1k_means_elkan) 1110 0.007 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:878(_open_support_mask) 306 0.002 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:591(_get_info) 744 0.005 0.000 0.007 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/twodim_base.py:139(eye) 867 0.001 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:192(convert_xunits) 42 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1310(update_from) 66 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1459(__init__) 25 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:381(_get_text1) 1010/983 0.003 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/units.py:125(get_converter) 841 0.002 0.000 0.006 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1730(sum) 70 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:445(get_metrics) 580 0.002 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:970(_normalize_font_family) 378 0.002 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2791(parseImpl) 72 0.001 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/basic.py:227(solve_triangular) 21 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:244(_e_step) 315 0.001 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2550(__init__) 66 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1475(_update_metrics) 1215 0.004 0.000 0.006 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:11(atleast_1d) 107 0.001 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:189(__init__) 2 0.000 0.000 0.006 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2351(get_tick_space) 100 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:467(rvs) 384 0.004 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:95(__init__) 363/173 0.001 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2337(__eq__) 1666 0.004 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:682(is_string_like) 267 0.001 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:856(_update_property) 21 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:450(_estimate_log_prob_resp) 100 0.002 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:909(rvs) 70 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1411(transform_point) 23 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:516(_get_text1) 198 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:724(new_gc) 74 0.002 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:670(recache) 198 0.002 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:786(__init__) 324 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:730(__eq__) 793/791 0.001 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2567(get_matrix) 6 0.000 0.000 0.005 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:862(draw) 1129 0.001 0.000 0.005 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1487(nonzero) 1180 0.002 0.000 0.005 0.000 /usr/lib/python2.7/collections.py:81(__delitem__) 228 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:792(get_bbox) 938 0.001 0.000 0.005 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:31(_sum) 199 0.001 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:313(_set_facecolor) 292/291 0.001 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1678(__eq__) 25 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:398(_get_text2) 7338 0.004 0.000 0.005 0.000 {getattr} 863 0.001 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:201(convert_yunits) 50 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:342(write) 324 0.002 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:996(make_rcparams_key) 58 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1902(clear) 2 0.000 0.000 0.005 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:868(set_clip_path) 693 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/colors.py:107(_is_nth_color) 1110 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_continuous_distns.py:132(_cdf) 6 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:680(draw) 2 0.000 0.000 0.004 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2017(get_tick_space) 519 0.001 0.000 0.004 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1973(all) 23 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:531(_get_text2) 151 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/lapack.py:469(get_lapack_funcs) 27 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/metrics/pairwise.py:162(euclidean_distances) 356 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1545(resetCache) 8 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2596(non_math) 151 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/blas.py:226(_get_funcs) 6 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2236(autoscale_view) 4 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:536(get_results) 4 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:210(get_results) 8 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:191(set_clip_path) 2378 0.004 0.000 0.004 0.000 {numpy.core.multiarray.zeros} 8 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2068(__call__) 3 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:468(get_renderer) 44/8 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2085(hlist_out) 66 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:719(_set_tickdown) 61 0.002 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:180(schedule) 1682 0.003 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:673(iterable) 58 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:699(_set_tickleft) 2 0.003 0.002 0.004 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:85(__init__) 332 0.002 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:402(_get_bounds) 1110 0.004 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_continuous_distns.py:76(_norm_cdf) 25811 0.004 0.000 0.004 0.000 {id} 1 0.000 0.000 0.004 0.004 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:3796(legend) 1 0.000 0.000 0.004 0.004 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:297(legend) 40 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:887(_get_anchored_bbox) 114 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1569(__eq__) 72 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/decomp_cholesky.py:37(cholesky) 114 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2233(__eq__) 3144 0.003 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:186(__init__) 66 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:713(_set_tickup) 12 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2270(handle_single_axis) 2475 0.003 0.000 0.003 0.000 /usr/lib/python2.7/weakref.py:282(__init__) 1 0.000 0.000 0.003 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:149(__init__) 72 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/decomp_cholesky.py:15(_cholesky) 165 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/_lib/_util.py:192(_asarray_validated) 1384 0.003 0.000 0.003 0.000 {method 'take' of 'numpy.ndarray' objects} 20 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2639(symbol) 58 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:705(_set_tickright) 513 0.001 0.000 0.003 0.000 /usr/lib/python2.7/re.py:138(match) 172 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:138(_family) 57 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1943(update_datalim) 557 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1683(transform) 132 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1503(render) 731 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:74(_stale_axes_callback) 21 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:411(_estimate_weighted_log_prob) 38 0.003 0.000 0.003 0.000 {method 'draw_text_image' of 'matplotlib.backends._backend_agg.RendererAgg' objects} 207/110 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2322(_invalidate_internal) 48 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:983(get_path) 24 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:250(_estimate_gaussian_parameters) 895 0.003 0.000 0.003 0.000 {method 'match' of '_sre.SRE_Pattern' objects} 356 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1473(clear) 3 0.000 0.000 0.003 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:413(_set_dpi) 1479 0.002 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:326(pchanged) 132 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:486(render_glyph) 58 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:347(set_alpha) 230 0.001 0.000 0.003 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:1152(asarray_chkfinite) 9 0.000 0.000 0.003 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:1832(array_repr) 21 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:671(_estimate_log_prob) 2559 0.003 0.000 0.003 0.000 {method 'ravel' of 'numpy.ndarray' objects} 199 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:290(_set_edgecolor) 1 0.000 0.000 0.003 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:583(_init_legend_box) 45 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/validation.py:272(check_array) 34 0.003 0.000 0.003 0.000 {method 'draw_glyphs_to_bitmap' of 'matplotlib.ft2font.FT2Font' objects} 13 0.000 0.000 0.003 0.000 {print} 9 0.000 0.000 0.003 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:381(wrapper) 21 0.002 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:381(_estimate_log_gaussian_prob) 8 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:278(draw) 3 0.000 0.000 0.003 0.001 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/cluster/k_means_.py:624(_init_centroids) 2475 0.002 0.000 0.003 0.000 /usr/lib/python2.7/weakref.py:277(__new__) 1574 0.002 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1328(preParse) 9 0.000 0.000 0.003 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:399(array2string) 3 0.000 0.000 0.003 0.001 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/cluster/k_means_.py:45(_k_init) 561 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1763(transform_affine) 151 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/blas.py:177(find_best_blas_type) 9 0.000 0.000 0.003 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:343(_array2string) 192 0.002 0.000 0.003 0.000 {method 'sub' of '_sre.SRE_Pattern' objects} 9 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:626(_construct_argparser) 57 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:934(update_from_data_xy) 356 0.002 0.000 0.003 0.000 /usr/lib/python2.7/collections.py:108(clear) 9326 0.003 0.000 0.003 0.000 /usr/lib/python2.7/threading.py:64(_note) 97 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2648(__init__) 16 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:2319(__init__) 144 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1086(set_linestyle) 7 0.001 0.000 0.003 0.000 build/bdist.linux-x86_64/egg/qp/pdf.py:489(histogram_interpolator) 94 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:901(get_prop_tup) 67 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:429(set_fill) 7 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/kde.py:166(__init__) 16 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1638(__init__) 1013 0.002 0.000 0.002 0.000 /usr/lib/python2.7/_weakrefset.py:26(__exit__) 6799 0.002 0.000 0.002 0.000 {built-in method __new__ of type object at 0x558959229280} 76 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:812(unit) 28 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1620(__init__) 27 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/metrics/pairwise.py:57(check_pairwise_arrays) 7 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/kde.py:439(set_bandwidth) 32 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1711(set_params) 7 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/kde.py:501(_compute_covariance) 3 0.000 0.000 0.002 0.001 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:619(_initialize) 74 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:320(set_facecolor) 275 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:813(set_family) 164 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/functools32/functools32.py:387(wrapper) 223 0.001 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2174(amax) 12 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:723(union) 343 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:25(_amax) 58 0.002 0.000 0.002 0.000 {method 'load_char' of 'matplotlib.ft2font.FT2Font' objects} 2165 0.001 0.000 0.002 0.000 {method 'pop' of 'dict' objects} 24 0.002 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:143(_estimate_gaussian_covariances_full) 58 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:909(_get_glyph) 175 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/colors.py:151(_to_rgba_no_colorcycle) 1863 0.001 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/ma/core.py:6192(isMaskedArray) 23 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:495(_get_text1_transform) 18 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/misc/doccer.py:128(indentcount_lines) 9 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/_lib/six.py:209(exec_) 1106 0.002 0.000 0.002 0.000 {method 'copy' of 'numpy.ndarray' objects} 1160 0.002 0.000 0.002 0.000 {method 'reshape' of 'numpy.ndarray' objects} 23 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:790(get_yaxis_text1_transform) 25 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:364(_get_text2_transform) 100 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:789(_argcheck_rvs) 410 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:634(set_figure) 3 0.000 0.000 0.002 0.001 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:461(ppf) 25 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:739(get_xaxis_text2_transform) 1694 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/six.py:598(iteritems) 132 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:187(render_glyph) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2716(get_transformed_points_and_affine) 3 0.000 0.000 0.002 0.001 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:1875(ppf) 40 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:546(anchored) 1129 0.002 0.000 0.002 0.000 {method 'nonzero' of 'numpy.ndarray' objects} 25 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:361(_get_text1_transform) 7476 0.002 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:734(get_animated) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2702(_revalidate) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:122(draw_markers) 25 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:713(get_xaxis_text1_transform) 424 0.001 0.000 0.002 0.000 /usr/lib/python2.7/abc.py:128(__instancecheck__) 1 0.000 0.000 0.002 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:942(_gen_axes_spines) 21 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/extmath.py:389(logsumexp) 3106 0.002 0.000 0.002 0.000 {iter} 26 0.001 0.000 0.002 0.000 {method 'draw_markers' of 'matplotlib.backends._backend_agg.RendererAgg' objects} 61 0.002 0.000 0.002 0.000 {posix.urandom} 7313 0.002 0.000 0.002 0.000 {method 'append' of 'list' objects} 4 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:453(linear_spine) 2525 0.002 0.000 0.002 0.000 {method 'update' of 'dict' objects} 2 0.000 0.000 0.002 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2140(_update_label_position) 133 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:826(argsort) 1678 0.002 0.000 0.002 0.000 /usr/lib/python2.7/weakref.py:55(remove) 576 0.002 0.000 0.002 0.000 {method 'expandtabs' of 'str' objects} 332 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:341(set_transform) 38 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1448(transform_path_non_affine) 9317 0.001 0.000 0.001 0.000 {thread.get_ident} 1013 0.001 0.000 0.001 0.000 /usr/lib/python2.7/_weakrefset.py:20(__enter__) 78 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1066(__init__) 23 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:498(_get_text2_transform) 469 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2372(transform_non_affine) 1537/1191 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2353(_get_is_affine) 28 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:316(update_from) 1484 0.001 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1565(shape) 23 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:816(get_yaxis_text2_transform) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:44(__init__) 342 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1199(_iter_break_from_left_to_right) 240 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:291(_set_artist_props) 64 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:172(_fast_from_codes_and_verts) 9 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:299(_get_format_function) 100 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2792(round_) 430 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:68(_scale_dashes) 822 0.001 0.000 0.001 0.000 {numpy.core.multiarray.empty} 28 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1626(kern) 23 0.001 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/function_base.py:25(linspace) 100 0.000 0.000 0.001 0.000 build/bdist.linux-x86_64/egg/qp/utils.py:42(choice) 2 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2792(function) 74 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:300(set_edgecolor) 100 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/stride_tricks.py:195(broadcast_arrays) 1608 0.001 0.000 0.001 0.000 {max} 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1764(_get_pixel_distance_along_axis) 100 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2723(around) 180 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:28(_amin) 3 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2776(set_xbound) 58 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:805(_get_glyph) 513 0.001 0.000 0.001 0.000 /usr/lib/python2.7/re.py:230(_compile) 52 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1735(frozen) 32 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1703(_staircase) 579 0.001 0.000 0.001 0.000 {matplotlib._path.affine_transform} 9 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:260(<lambda>) 120 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:887(get_unitless_position) 66 0.001 0.000 0.001 0.000 {method 'draw_glyph_to_bitmap' of 'matplotlib.ft2font.FT2Font' objects} 9 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:535(_formatArray) 124 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:848(set_weight) 9 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:603(__init__) 3 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:91(legend_artist) 144 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:753(set_transform) 3 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2821(set_xlim) 288 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1054(_split_drawstyle_linestyle) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:664(count_overlaps) 732 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2409(parseImpl) 9 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:298(map_async) 211 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:39(_get_dash_pattern) 9 0.001 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:617(fillFormat) 341 0.001 0.000 0.001 0.000 {method 'flatten' of 'numpy.ndarray' objects} 2 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1815(_update_label_position) 576 0.001 0.000 0.001 0.000 {method 'splitlines' of 'str' objects} 1183 0.000 0.000 0.001 0.000 {next} 652 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:353(get_transform) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:644(set_locs) 2550 0.001 0.000 0.001 0.000 {_bisect.bisect} 34 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:53(_mean) 39 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:455(update_position) 1021 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/six.py:595(itervalues) 40 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:686(padded) 22 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2856(subsuper) 16 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:559(__init__) 146 0.001 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2667(seterr) 1372 0.001 0.000 0.001 0.000 {min} 73 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:953(update_from) 194 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:54(get_hinting_flag) 26 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:694(translated) 26 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:744(_get_transformed_path) 106 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1215(is_math_text) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:713(__init__) 76 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:294(get_rotation) 7 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/basic.py:751(inv) 144 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:653(set_data) 26 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:730(_transform_path) 97 0.000 0.000 0.001 0.000 {method 'sum' of 'numpy.ndarray' objects} 4115 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:236(axes) 35 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:590(update_position) 8 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:579(gcf) 133 0.001 0.000 0.001 0.000 {method 'argsort' of 'numpy.ndarray' objects} 57 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:898(update_from_path) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2095(_get_pixel_distance_along_axis) 32 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2685(__init__) 1 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:428(figure) 501 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:54(_stale_figure_callback) 12 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2463(isclose) 2405 0.001 0.000 0.001 0.000 /usr/lib/python2.7/collections.py:90(__iter__) 67 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:385(set_linestyle) 27 0.001 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:668(__call__) 45 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/validation.py:49(_assert_all_finite) 16/8 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2400(inverted) 120 0.000 0.000 0.001 0.000 {method 'max' of 'numpy.ndarray' objects} 123 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:238(update) 24 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2806(mean) 396 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1010(set_foreground) 32 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:239(hstack) 1222 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:863(_argcheck) 115 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:900(set_label) 3 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:248(create_artists) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:708(_set_scale) 1969 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1853(get_matrix) 144 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1458(set_dash_capstyle) 367 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:313(report) 192 0.000 0.000 0.001 0.000 /usr/lib/python2.7/re.py:284(_subx) 1 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:413(new_figure_manager) 28 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1664(hpack) 48 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:57(_get_packed_offsets) 58 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:233(get_hinting_type) 83 0.000 0.000 0.001 0.000 {method 'min' of 'numpy.ndarray' objects} 16 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1684(_validate_steps) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:69(set_default_locators_and_formatters) 2 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1853(_update_offset_text_position) 3 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:988(_set_intervalx) 97 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2275(amin) 758 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:483(haskeys) 60 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:916(_set_artist_props) 288 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:221(get_data_transform) 76 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:64(get_rotation) 73 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:3064(__enter__) 52 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1335(_get_rgba_face) 32 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1401(popall) 106 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:820(set_alpha) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2590(math) 100 0.000 0.000 0.001 0.000 build/bdist.linux-x86_64/egg/qp/utils.py:20(cdf) 542 0.001 0.000 0.001 0.000 {method 'join' of 'str' objects} 30 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:931(copy) 42 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1297(__setitem__) 1 0.000 0.000 0.001 0.001 build/bdist.linux-x86_64/egg/qp/pdf.py:221(histogramize) 7 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:2883(cov) 172 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:150(_families) 15 0.001 0.000 0.001 0.000 sklearn/cluster/_k_means.pyx:275(__pyx_fuse_1_centers_dense) 104 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:885(set_size) 1013 0.001 0.000 0.001 0.000 /usr/lib/python2.7/_weakrefset.py:16(__init__) 90 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2176(get_affine) 185 0.000 0.000 0.001 0.000 {any} 191 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1204(set_text) 250 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:52(after) 120 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:573(_get_font) 454 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:388(__getitem__) 26 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:275(get_transform) 27 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/_lib/_util.py:314(getargspec_no_self) 144 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1039(set_linewidth) 1 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:267(__init__) 178 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:287(points_to_pixels) 2 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:842(_update_transScale) 7 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:62(__call__) 104 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:919(set_zorder) 99 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:63(atleast_2d) 3 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:432(histogram) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:725(_set_format) 124 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2382(transform_path_non_affine) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:168(draw_mathtext) 18 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1770(transform_point) 479 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2249(get_matrix) 66 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1488(get_kerning) 54 0.001 0.000 0.001 0.000 {method 'replace' of 'str' objects} 84 0.001 0.000 0.001 0.000 {method 'round' of 'numpy.generic' objects} 3 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:237(_create_patch) 2283 0.001 0.000 0.001 0.000 {method 'copy' of 'dict' objects} 13 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2416(__init__) 7 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:403(__init__) 441 0.001 0.000 0.001 0.000 /usr/lib/python2.7/_weakrefset.py:70(__contains__) 106 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2191(is_math_text) 73 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:3069(__exit__) 9 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:620(get_transform) 50 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:297(_schedule_flush) 27 0.000 0.000 0.001 0.000 /usr/lib/python2.7/inspect.py:803(getargspec) 250 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:45(before) 198 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:938(set_alpha) 1013 0.001 0.000 0.001 0.000 /usr/lib/python2.7/weakref.py:68(_commit_removals) 1693 0.001 0.000 0.001 0.000 {method 'iteritems' of 'dict' objects} 513 0.001 0.000 0.001 0.000 {hasattr} 45 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/validation.py:132(_shape_repr) 2 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1622(set) 198 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:775(_set_gc_clip) 144 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1419(set_dash_joinstyle) 21 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:341(_compute_log_det_cholesky) 12 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2522(within_tol) 40 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:158(_property) 144 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1472(set_solid_capstyle) 199 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1233(set_xdata) 103 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:867(set_stretch) 1160 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1018(get_points) 164 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/functools32/functools32.py:136(move_to_end) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1425(transform_path) 2072 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1343(postParse) 57 0.000 0.000 0.000 0.000 {matplotlib._path.update_path_extents} 100 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_continuous_distns.py:123(_rvs) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:747(is_numlike) 75 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:363(set_linewidth) 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/extmath.py:59(row_norms) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1019(set_drawstyle) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1198(set_markerfacecolor) 342/114 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2349(depth) 7 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:1026(average) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:630(set_figure) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/cluster/k_means_.py:159(_tolerance) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:603(_evaluate) 27 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/extmath.py:177(safe_sparse_dot) 414 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2626(get_matrix) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:349(by_key) 363 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/sparse/base.py:1111(isspmatrix) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:555(__call__) 1451 0.000 0.000 0.000 0.000 {method 'startswith' of 'unicode' objects} 852 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:435(__bool__) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:591(__init__) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1432(set_solid_joinstyle) 367 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:347(ge) 698 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1642(_get_is_affine) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1791(inverted) 1074 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:739(get_family) 107 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1254(set_usetex) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1222(set_markersize) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:549(_call_linear) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:41(_check_X) 286 0.000 0.000 0.000 0.000 {method 'groupdict' of '_sre.SRE_Match' objects} 238 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:685(get_path) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:633(set_offset) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1186(set_markeredgewidth) 195 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1243(set_ydata) 122 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/ma/core.py:629(filled) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:589(__init__) 52 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:649(get_kern) 100 0.000 0.000 0.000 0.000 {method 'standard_normal' of 'mtrand.RandomState' objects} 192 0.000 0.000 0.000 0.000 /usr/lib/python2.7/re.py:264(_compile_repl) 1398 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:793(get_file) 196 0.000 0.000 0.000 0.000 {method 'set_size' of 'matplotlib.ft2font.FT2Font' objects} 945 0.000 0.000 0.000 0.000 {method 'lower' of 'unicode' objects} 100 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/stride_tricks.py:176(_broadcast_shape) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/lapack.py:511(_compute_lwork) 34 0.000 0.000 0.000 0.000 {numpy.core.multiarray.arange} 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:147(_value) 50 0.000 0.000 0.000 0.000 {method 'decode' of 'str' objects} 134 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:534(get_snap) 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2145(transform_non_affine) 1866 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1709(get_affine) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1981(_process_unit_info) 25 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:367(apply_tickdir) 50 0.000 0.000 0.000 0.000 {method 'accumulate' of 'numpy.ufunc' objects} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3052(set_ybound) 1219 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:790(get_size_in_points) 146 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2767(geterr) 13 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:149(__init__) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1174(set_markeredgecolor) 384 0.000 0.000 0.000 0.000 {range} 23 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:501(apply_tickdir) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1210(set_markerfacecoloralt) 870 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/colors.py:201(<genexpr>) 30 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/einsumfunc.py:703(einsum) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/basic.py:828(det) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:585(__init__) 3 0.000 0.000 0.000 0.000 build/bdist.linux-x86_64/egg/qp/composite.py:10(__init__) 52 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:926(_get_markerfacecolor) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:804(set_offset) 107 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:994(set_color) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:282(set_label2) 15 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:553(partition) 503 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:244(axes) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:271(set_label1) 8 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:182(vstack) 106 0.000 0.000 0.000 0.000 {method 'random_sample' of 'mtrand.RandomState' objects} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:632(get_xheight) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1000(set_antialiased) 4 0.000 0.000 0.000 0.000 /usr/lib/python2.7/codeop.py:132(__call__) 54 0.000 0.000 0.000 0.000 {numpy.core.multiarray.concatenate} 112 0.000 0.000 0.000 0.000 {sum} 27 0.000 0.000 0.000 0.000 /usr/lib/python2.7/inspect.py:743(getargs) 9 0.000 0.000 0.000 0.000 /usr/lib/python2.7/Queue.py:107(put) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:449(inv) 1074 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:776(get_stretch) 3 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:3030(var) 143 0.000 0.000 0.000 0.000 {sorted} 178 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3181(parseImpl) 599 0.000 0.000 0.000 0.000 {method 'items' of 'dict' objects} 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:537(__init__) 1074 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:752(get_style) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2582(main) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2266(blended_transform_factory) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:138(get_patch_transform) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:640(axes) 39 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:21(__exit__) 10 0.000 0.000 0.000 0.000 {method 'mean' of 'numpy.ndarray' objects} 28 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:1432(rollaxis) 22 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2747(nonsingular) 4 0.000 0.000 0.000 0.000 {compile} 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1406(update_units) 136 0.000 0.000 0.000 0.000 {method 'clear' of 'matplotlib.ft2font.FT2Font' objects} 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:228(get_patch_transform) 3 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:86(_var) 28 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:1843(diff) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1383(apply_aspect) 116 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:658(__init__) 1154 0.000 0.000 0.000 0.000 {method 'add' of 'set' objects} 96 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:640(__iadd__) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3097(set_ylim) 52 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2130(_get_is_affine) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1010(set_color) 123 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:826(set_style) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1731(_get_label) 1074 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:767(get_weight) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:530(get_extents) 1074 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:760(get_variant) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2606(_make_space) 194 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:437(__iter__) 12 0.000 0.000 0.000 0.000 /usr/lib/python2.7/genericpath.py:23(exists) 66 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:176(_update_bbox) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:657(_compute_offset) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1436(transform_path_affine) 71 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:449(set_capstyle) 1013 0.000 0.000 0.000 0.000 {method 'itervalues' of 'dict' objects} 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:501(__init__) 186 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1666(__array__) 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:144(_name) 211 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:715(is_hashable) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2638(tick_params) 48 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:107(_get_aligned_offsets) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:74(update_prop) 36 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:2674(__init__) 201 0.000 0.000 0.000 0.000 {all} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1700(transform_path_affine) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2203(__init__) 45 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/validation.py:111(_num_samples) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3719(get_children) 30 0.000 0.000 0.000 0.000 {numpy.core.multiarray.c_einsum} 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1499(set_label_text) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2565(get_path) 356 0.000 0.000 0.000 0.000 {method 'clear' of 'dict' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:926(_gen_axes_patch) 50 0.000 0.000 0.000 0.000 /usr/lib/python2.7/encodings/utf_8.py:15(decode) 623 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:221(vertices) 1179 0.000 0.000 0.000 0.000 {method 'lstrip' of 'str' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:648(_set_lim_and_transforms) 1013 0.000 0.000 0.000 0.000 {method 'remove' of 'set' objects} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/cluster/k_means_.py:852(_check_fit_data) 12 0.000 0.000 0.000 0.000 <string>:5(_parse_args_rvs) 9 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:242(Condition) 12 0.000 0.000 0.000 0.000 {posix.stat} 36 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:546(fix_minus) 160 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1047(set_linewidth) 107 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:298(set_rotation_mode) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:760(pprint_val) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:779(set_tick_params) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3791(parseImpl) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:109(update_params) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:1971(__call__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1749(_get_offset_text) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1419(tryParse) 212 0.000 0.000 0.000 0.000 {method 'count' of 'unicode' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:420(get_position) 54 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2659(get_matrix) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2183(transmute) 135 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/validation.py:159(<genexpr>) 103 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1084(get_default_size) 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:243(get_visible_children) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:193(_adjust_location) 78 0.000 0.000 0.000 0.000 stringsource:643(memoryview_cwrapper) 15 0.000 0.000 0.000 0.000 {method 'partition' of 'numpy.ndarray' objects} 39 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:15(__enter__) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/colors.py:206(to_rgba_array) 7 0.000 0.000 0.000 0.000 build/bdist.linux-x86_64/egg/qp/utils.py:138(evaluate_quantiles) 15 0.000 0.000 0.000 0.000 sklearn/cluster/_k_means.pyx:275(_centers_dense) 103 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:838(set_variant) 37 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:43(_count_reduce_items) 9 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:373(notify) 180 0.000 0.000 0.000 0.000 {method 'expandtabs' of 'unicode' objects} 67 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:466(set_joinstyle) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1534(set_major_locator) 28 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1559(__init__) 9 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:260(__init__) 27 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/metrics/pairwise.py:33(_return_float_dtype) 637 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:930(sticky_edges) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2059(_get_label) 7 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/stride_tricks.py:135(broadcast_to) 412 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:287(_set_nothing) 15 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/validation.py:565(check_random_state) 119 0.000 0.000 0.000 0.000 {method 'extend' of 'list' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2447(__init__) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/multiprocessing.py:88(__init__) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:55(__init__) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:88(_prepare_x) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:285(_calc_offset_transform) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2079(_get_offset_text) 116 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:71(get_unicode_index) 214 0.000 0.000 0.000 0.000 {method 'release' of 'thread.lock' objects} 61 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:986(isAlive) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1475(set_units) 16 0.000 0.000 0.000 0.000 {method 'round' of 'numpy.ndarray' objects} 500 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:802(get_agg_filter) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:493(connect) 7 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/stride_tricks.py:115(_broadcast_to) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:83(get_grid_positions) 13 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1022(searchsorted) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:293(__init__) 50 0.000 0.000 0.000 0.000 {_codecs.utf_8_decode} 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:115(atleast_3d) 189 0.000 0.000 0.000 0.000 {issubclass} 116 0.000 0.000 0.000 0.000 {method 'get_char_index' of 'matplotlib.ft2font.FT2Font' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:277(get_legend_handles_labels) 3 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/index_tricks.py:247(__getitem__) 1 0.000 0.000 0.000 0.000 <string>:1(<module>) 500 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:785(get_rasterized) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:113(_set_yi) 73 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:3060(__init__) 418 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:730(get_visible) 39 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:82(helper) 27 0.000 0.000 0.000 0.000 build/bdist.linux-x86_64/egg/qp/utils.py:86(normalize_gridded) 123 0.000 0.000 0.000 0.000 stringsource:341(__cinit__) 290 0.000 0.000 0.000 0.000 {method 'group' of '_sre.SRE_Match' objects} 146 0.000 0.000 0.000 0.000 {numpy.core.umath.seterrobj} 160 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:965(set_capstyle) 47 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1159(set_x) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:381(_get_width) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:911(get_markeredgecolor) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:860(set_position) 144 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:558(set_markevery) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:702(get_transform) 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:660(get_extent) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:256(_get_legend_handles) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/__init__.py:112(cpu_count) 238 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:636(unit_rectangle) 176 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:227(<genexpr>) 140 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/image.py:130(<genexpr>) 311 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:273(should_simplify) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:1424(title) 68 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:275(set_antialiased) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1512(set_major_formatter) 23 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/function_base.py:13(_index_deprecate) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:278(frozen) 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1100(get_hatch_path) 45 0.000 0.000 0.000 0.000 stringsource:985(memoryview_fromslice) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:4246(postParse) 13 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:150(ones) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:79(get_transform) 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1965(__init__) 300 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/stride_tricks.py:251(<genexpr>) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2575(push_state) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2178(_update_offset_text_position) 76 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:47(_wrap_text) 144 0.000 0.000 0.000 0.000 {method 'replace' of 'unicode' objects} 132 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1023(__call__) 9 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/type_check.py:74(asfarray) 67 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:483(set_hatch) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:138(set_title) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:426(new_figure_manager_given_figure) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:214(__nonzero__) 363 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2045(get_matrix) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2316(mpl_connect) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1813(view_limits) 289 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:235(codes) 160 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1038(set_joinstyle) 273 0.000 0.000 0.000 0.000 {method 'lower' of 'str' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:420(__init__) 19 0.000 0.000 0.000 0.000 {method 'searchsorted' of 'numpy.ndarray' objects} 27 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:702(_digits) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:182(set_canvas_size) 3 0.000 0.000 0.000 0.000 {posix.sysconf} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1403(get_matrix) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:284(_is_master_process) 1 0.000 0.000 0.000 0.000 {open} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1150(set_position) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1545(set_minor_locator) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2821(group) 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:980(set_clip_path) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:820(null) 43 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1168(set_y) 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:856(get_clip_path) 50 0.000 0.000 0.000 0.000 {method 'astype' of 'numpy.ndarray' objects} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:65(_update_prop) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1543(le) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/flinalg.py:28(get_flinalg_funcs) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2133(ptp) 154 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:705(get_scale) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2562(normalize_kwargs) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1036(set) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:71(_default_update_prop) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:853(get_position) 6 0.000 0.000 0.000 0.000 build/bdist.linux-x86_64/egg/qp/pdf.py:16(__init__) 102 0.000 0.000 0.000 0.000 {method 'get_width_height' of 'matplotlib.ft2font.FT2Font' objects} 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1523(set_minor_formatter) 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:520(get_gid) 158 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1379(__init__) 114 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1267(get_usetex) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:191(update_from) 24 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/getlimits.py:376(__new__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:398(_set_artist_props) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:191(_divmod) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:260(get_subplot_params) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:612(get_offset) 134 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:992(set_dashes) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/_lib/_util.py:14(_valarray) 290 0.000 0.000 0.000 0.000 {method 'end' of '_sre.SRE_Match' objects} 58 0.000 0.000 0.000 0.000 {method 'get_glyph_name' of 'matplotlib.ft2font.FT2Font' objects} 13/1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:180(set_figure) 27 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:527(_extendLine) 114 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:410(_get_dpi) 42 0.000 0.000 0.000 0.000 {numpy.core.multiarray.result_type} 48 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:175(get_tick_padding) 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1120(get_sketch_params) 58 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:586(_get_offset) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1686(__init__) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:554(get_legend_handler) 40 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:133(itervalues) 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:866(get_dashes) 74 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:434(__len__) 109 0.000 0.000 0.000 0.000 {zip} 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:133(_set_dtype) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2460(get_matrix) 157 0.000 0.000 0.000 0.000 {method 'index' of 'list' objects} 292 0.000 0.000 0.000 0.000 {numpy.core.umath.geterrobj} 204 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:917(get_text) 44 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:292(_get_x0) 61 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:87(_event_pipe) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:298(_apply_params) 52 0.000 0.000 0.000 0.000 {method 'get_kerning' of 'matplotlib.ft2font.FT2Font' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:809(_translate_tick_kw) 28 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1412(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:195(update) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:374(_get_intervaly) 117 0.000 0.000 0.000 0.000 {abs} 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:624(get_path_effects) 21 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numerictypes.py:728(issubdtype) 193 0.000 0.000 0.000 0.000 {method 'setdefault' of 'dict' objects} 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1108(get_hatch_color) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1616(scale_range) 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:925(get_snap) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:105(_reshape_yi) 3 0.000 0.000 0.000 0.000 sklearn/cluster/_k_means_elkan.pyx:107(k_means_elkan) 1 0.000 0.000 0.000 0.000 {method 'close' of 'file' objects} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:219(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2547(copy) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:993(_set_intervaly) 4 0.000 0.000 0.000 0.000 {method 'ptp' of 'numpy.ndarray' objects} 3 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:709(sort) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:367(_get_intervalx) 247 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:254(simplify_threshold) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:688(_set_parameters) 136 0.000 0.000 0.000 0.000 {method 'get_descent' of 'matplotlib.ft2font.FT2Font' objects} 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1114(get_hatch_linewidth) 234 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:232(close_group) 158 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/misc.py:169(_datacopied) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2291(get_view_interval) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2475(grid) 301 0.000 0.000 0.000 0.000 {callable} 134 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:954(set_antialiased) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:478(set_canvas_size) 234 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:224(open_group) 9 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/arrayprint.py:256(_get_formatdict) 27 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2135(isscalar) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/textpath.py:35(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:163(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2049(transform) 456 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1212(depth) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/utils/validation.py:68(as_float_array) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2743(get_affine) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:699(_set_orderOfMagnitude) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/container.py:110(__init__) 21 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:675(_estimate_log_weights) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:299(_get_y0) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:774(set_facecolor) 200 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:803(squeeze_left) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:1549(_updated_ctor_param) 18 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:300(_is_owned) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:341(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1756(get_siblings) 3 0.000 0.000 0.000 0.000 {method 'randint' of 'mtrand.RandomState' objects} 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/kde.py:425(scotts_factor) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2630(set_bounds) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/multiprocessing.py:114(_serve) 7 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/getlimits.py:507(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:569(destroy) 13 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:760(set_clip_on) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:50(__init__) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2803(get_xlim) 198 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:825(restore) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1559(ge) 160 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1075(set_snap) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:388(_get_height) 172 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1063(set_url) 107 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:636(set_wrap) 13 0.000 0.000 0.000 0.000 {numpy.core.multiarray.copyto} 11 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:205(set_offset) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3079(get_ylim) 17 0.000 0.000 0.000 0.000 {method 'sort' of 'list' objects} 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:717(limit_range_for_scale) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:234(_update_this) 28 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:903(_set_artist_props) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1550(__init__) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:580(__init__) 59 0.000 0.000 0.000 0.000 {method 'pop' of 'list' objects} 6 0.000 0.000 0.000 0.000 {method 'cumsum' of 'numpy.ndarray' objects} 40 0.000 0.000 0.000 0.000 {method 'split' of 'unicode' objects} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2497(set_boxstyle) 4 0.000 0.000 0.000 0.000 {matplotlib._path.get_path_extents} 13 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:190(axes) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:814(_bool) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2906(parseImpl) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2546(safe_first_element) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/container.py:21(__init__) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:542(get_fillstyle) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1958(get_view_interval) 3 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/psutil/_common.py:266(wrapper) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1906(add_container) 29 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:213(iterable) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:410(__delitem__) 3 0.000 0.000 0.000 0.000 {method 'sort' of 'numpy.ndarray' objects} 27 0.000 0.000 0.000 0.000 /usr/lib/python2.7/inspect.py:67(ismethod) 88 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2563(get_state) 4/2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1601(shrink) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:349(__init__) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/container.py:56(set_label) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:1560(ylabel) 70 0.000 0.000 0.000 0.000 {setattr} 123 0.000 0.000 0.000 0.000 stringsource:368(__dealloc__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:349(_get_ymax) 33 0.000 0.000 0.000 0.000 {method 'remove' of 'list' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1364(grid) 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:265(get_canvas_width_height) 27 0.000 0.000 0.000 0.000 <string>:8(__new__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2090(__init__) 103 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:907(set_file) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:846(get_bbox_to_anchor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/projections/__init__.py:70(process_projection_requirements) 124 0.000 0.000 0.000 0.000 {ord} 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/copy.py:66(copy) 1 0.000 0.000 0.000 0.000 {_warnings.warn} 61 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:570(isSet) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2924(get_xscale) 72 0.000 0.000 0.000 0.000 {method 'strip' of 'unicode' objects} 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:262(simplify_threshold) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:1853(__new__) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:139(_commonType) 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:458(swapaxes) 9 0.000 0.000 0.000 0.000 {method 'compress' of 'numpy.ndarray' objects} 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:657(set_clip_box) 108 0.000 0.000 0.000 0.000 {method 'rstrip' of 'str' objects} 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:831(set_visible) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:168(__init__) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_continuous_distns.py:144(_ppf) 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:630(get_wrap) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3041(get_ybound) 21 0.000 0.000 0.000 0.000 {method 'transpose' of 'numpy.ndarray' objects} 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:479(__init__) 134 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:568(get_sketch_params) 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:808(get_color) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:3241(__init__) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/_abcoll.py:548(update) 7 0.000 0.000 0.000 0.000 {method 'clip' of 'numpy.ndarray' objects} 26 0.000 0.000 0.000 0.000 {unicodedata.category} 16 0.000 0.000 0.000 0.000 {unicodedata.name} 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2799(interval_contains) 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:241(set_axis) 9 0.000 0.000 0.000 0.000 /usr/lib/python2.7/Queue.py:204(_put) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1605(_set) 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:225(__iter__) 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:280(should_simplify) 15 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:1999(make_iterable) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2814(start_group) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:371(add_destroy_callback) 9 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numerictypes.py:603(obj2sctype) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:94(_finish_y) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2758(get_xbound) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1739(_get_is_separable) 114 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:974(set_clip_rectangle) 35 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:541(process) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:405(__init__) 9 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:297(_acquire_restore) 27 0.000 0.000 0.000 0.000 /usr/lib/python2.7/inspect.py:208(iscode) 16 0.000 0.000 0.000 0.000 {method 'item' of 'numpy.generic' objects} 4 0.000 0.000 0.000 0.000 {matplotlib._path.count_bboxes_overlapping_bbox} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_continuous_distns.py:84(_norm_ppf) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/optimize/optimize.py:112(__getattr__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:766(set_edgecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:1540(xlabel) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:511(fill_value) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/container.py:96(pchanged) 16 0.000 0.000 0.000 0.000 {method 'startswith' of 'str' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:111(add) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1807(draw_event) 58 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:802(_map_virtual_font) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:155(__init__) 38 0.000 0.000 0.000 0.000 {math.cos} 21 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:485(_print_verbose_msg_iter_end) 34 0.000 0.000 0.000 0.000 {method 'get_bitmap_offset' of 'matplotlib.ft2font.FT2Font' objects} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1562(_init) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2540(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2569(pop_state) 27 0.000 0.000 0.000 0.000 /usr/lib/python2.7/inspect.py:142(isfunction) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2604(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:527(scale_factory) 50 0.000 0.000 0.000 0.000 {posix.getpid} 38 0.000 0.000 0.000 0.000 {math.sin} 21 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numerictypes.py:660(issubclass_) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/_lib/_util.py:173(check_random_state) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:525(set_useOffset) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1320(_set_artist_props) 7 0.000 0.000 0.000 0.000 build/bdist.linux-x86_64/egg/qp/utils.py:112(normalize_histogram) 19 0.000 0.000 0.000 0.000 {divmod} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:6059(_normalize_input) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:231(set_ylabel) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:823(_make_key) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1522(closeto) 76 0.000 0.000 0.000 0.000 {math.radians} 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/six.py:592(iterkeys) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:805(set_title) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:87(_check_initial_parameters) 68 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:220(get_fillstyle) 39 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:12(__init__) 90 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2555(_get_font) 57 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:723(get_width) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:168(set_prop_cycle) 45 0.000 0.000 0.000 0.000 stringsource:962(__dealloc__) 1 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/utils/decorators.py:41(wrapper) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1055(clf) 78 0.000 0.000 0.000 0.000 stringsource:649(memoryview_check) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/helpers/mp_helper.py:12(starargs) 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:723(get_alpha) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/cluster/k_means_.py:835(__init__) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:106(_makearray) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:585(set_clip_box) 28 0.000 0.000 0.000 0.000 {numpy.core.multiarray.normalize_axis_index} 12 0.000 0.000 0.000 0.000 {math.log10} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:405(_get_axes) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:593(get_fignums) 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:138(iteritems) 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:703(flipy) 38 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:312(get_rotation_mode) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2531(set_mutation_scale) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/abstract_launcher.py:128(__map) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1370(sca) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:842(fixlist) 9 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:294(_release_save) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:371(<genexpr>) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:239(get_joinstyle) 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1680(clean) 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1190(set_verticalalignment) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1114(set_fontsize) 68 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:245(get_marker) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/_pylab_helpers.py:119(get_active) 3 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:586(ascontiguousarray) 27 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:249(get_children) 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:138(keys) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2753(xaxis_inverted) 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:315(_do_extrapolate) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:200(set_xlabel) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1360(_get_font_constant_set) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1130(set_fontweight) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2613(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:198(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3697(set_cursor_props) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:139(current_key_axes) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/optimize/optimize.py:285(wrap_function) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1118(set_weight) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:104(bubble) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/core/hooks.py:139(__call__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1103(set_size) 26 0.000 0.000 0.000 0.000 {unichr} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1186(set_va) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1482(safezip) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:791(_string_to_bool) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3036(yaxis_inverted) 1 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/shape_base.py:826(tile) 6 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:297(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3201(get_yscale) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:73(__init__) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:209(_assertNdSquareness) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:670(_asStringList) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/pylab/backend_inline.py:51(draw_if_interactive) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/copy.py:306(_reconstruct) 6 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:367(__contains__) 2 0.000 0.000 0.000 0.000 {method 'get_sfnt_table' of 'matplotlib.ft2font.FT2Font' objects} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1531(__init__) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2557(_set_font) 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:1047(mouseover) 34 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:4361(postParse) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1343(push) 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:894(get_label) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:284(get_snap_threshold) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:78(as_list) 57 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:746(get_clip_path) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1340(get_minor_ticks) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1983(get_minpos) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:278(get_alt_path) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1292(__init__) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:613(get_markevery) 3 0.000 0.000 0.000 0.000 sklearn/cluster/_k_means_elkan.pyx:32(__pyx_fuse_1update_labels_distances_inplace) 9 0.000 0.000 0.000 0.000 {method 'mro' of 'type' objects} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2843(is_dropsub) 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1388(get_kerning) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:409(_set_loc) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:128(_update_methods) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2317(get_minpos) 9 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:59(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1328(set_anchor) 8 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:111(isComplexType) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1363(__init__) 63 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:334(is_transform_set) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1368(bubble) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2826(end_group) 21 0.000 0.000 0.000 0.000 {method 'insert' of 'list' objects} 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/posixpath.py:97(splitext) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/utils/ipstruct.py:125(__getattr__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1299(raise_if_exceeds) 18 0.000 0.000 0.000 0.000 {thread.allocate_lock} 1 0.000 0.000 0.000 0.000 {method 'format' of 'str' objects} 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:792(get_minimumdescent) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:895(get_position) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:836(get_size) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:145(get_path) 1 0.000 0.000 0.000 0.000 {method '__reduce_ex__' of 'object' objects} 45 0.000 0.000 0.000 0.000 stringsource:507(__getbuffer__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1972(shrink) 6 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:335(__setitem__) 7 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/getlimits.py:532(max) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:139(__getitem__) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:596(_check_parameters) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/genericpath.py:93(_splitext) 9 0.000 0.000 0.000 0.000 {_functools.reduce} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1433(__call__) 20 0.000 0.000 0.000 0.000 {math.ceil} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:521(get_scale_names) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:669(add_artist) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:646(count_contains) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:4274(postParse) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1301(get_major_locator) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1428(_update_axisinfo) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1418(shrink) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2171(__init__) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/cluster/k_means_.py:146(_validate_center_shape) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:242(get_capstyle) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:560(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:74(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:130(set_canvas_size) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/container.py:18(__new__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:37(__init__) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/optimize/optimize.py:137(_check_unknown_options) 23 0.000 0.000 0.000 0.000 {operator.index} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1012(set_horizontalalignment) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:1433(is_interactive) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:125(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1462(have_units) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:86(get) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:425(set_tight_layout) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1511(shrink) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/linalg/flinalg.py:22(has_column_major_storage) 1 0.000 0.000 0.000 0.000 {locals} 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:272(get_path) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/stats/_distn_infrastructure.py:714(<genexpr>) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:155(__contains__) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/abc.py:148(__subclasscheck__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2727(set_axis_on) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1010(_get_minposx) 45 0.000 0.000 0.000 0.000 stringsource:545(__get__) 7 0.000 0.000 0.000 0.000 {method 'squeeze' of 'numpy.ndarray' objects} 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:101(get_linalg_error_extobj) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:48(bbox_artist) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1014(_get_minposy) 4 0.000 0.000 0.000 0.000 {method 'format' of 'unicode' objects} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:82(adjust_drawing_area) 2 0.000 0.000 0.000 0.000 {method 'swapaxes' of 'numpy.ndarray' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:286(set_aa) 7 0.000 0.000 0.000 0.000 {method 'conj' of 'numpy.ndarray' objects} 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:48(limit_range_for_scale) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:152(__call__) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1363(clear) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:807(set_frameon) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1248(set_aspect) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:900(set_axes_locator) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:198(_assertRankAtLeast2) 21 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:678(_compute_lower_bound) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2065(_get_output_canvas) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1313(__init__) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2053(set_autoscalex_on) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:292(set_locs) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2848(is_slanted) 8 0.000 0.000 0.000 0.000 {math.floor} 1 0.000 0.000 0.000 0.000 <ipython-input-20-2510f2cb6b6c>:11(<module>) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2069(get_affine) 12 0.000 0.000 0.000 0.000 {time.time} 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1391(shrink) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/_pylab_helpers.py:38(get_fig_manager) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:577(_update_clip_properties) 9 0.000 0.000 0.000 0.000 {method 'discard' of 'set' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/_pylab_helpers.py:129(set_active) 14 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/stride_tricks.py:120(<genexpr>) 7 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/stride_tricks.py:25(_maybe_view_as_subclass) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:643(get_underline_thickness) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/gaussian_mixture.py:684(_get_parameters) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:476(_print_verbose_msg_init_beg) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2836(is_overunder) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/core/interactiveshell.py:1067(user_global_ns) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:124(_realType) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/projections/__init__.py:54(get_projection_class) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:131(_ustr) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1338(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1245(get_aspect) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:746(get_facecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:855(set_bbox_to_anchor) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:1954(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:782(set_minimumdescent) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2069(use_sticky_edges) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:913(get_zorder) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:1419(get_backend) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:528(get_used_characters) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/container.py:31(set_remove_method) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:96(_entry_from_axes) 9 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/container.py:50(get_label) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:540(get_legend_handler_map) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:50(get_geometry) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:314(option_image_nocomposite) 12 0.000 0.000 0.000 0.000 {method 'iterkeys' of 'dict' objects} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/sklearn/mixture/base.py:496(_print_verbose_msg_init_end) 2 0.000 0.000 0.000 0.000 {method 'keys' of 'dict' objects} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1485(is_slanted) 1 0.000 0.000 0.000 0.000 <string>:2(<module>) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:488(_approx_text_height) 1 0.000 0.000 0.000 0.000 {method 'join' of 'unicode' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:391(__init__) 4 0.000 0.000 0.000 0.000 {repr} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1703(_idle_draw_cntx) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:519(get_default_handler_map) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2038(get_autoscaley_on) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/projections/__init__.py:25(get_projection_class) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2032(get_autoscalex_on) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:160(subplot_class_factory) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:552(set_snap) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/copy_reg.py:92(__newobj__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:742(get_edgecolor) 2 0.000 0.000 0.000 0.000 {method 'indices' of 'slice' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:66(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2540(get_mutation_scale) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:910(get_axes_locator) 9 0.000 0.000 0.000 0.000 {method 'append' of 'collections.deque' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:419(destroy) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1709(is_saving) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3403(set_navigate) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:762(get_frameon) 2 0.000 0.000 0.000 0.000 <string>:2(_parse_args) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:65(set_width_ratios) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2059(transform_path) 1 0.000 0.000 0.000 0.000 {method 'disable' of '_lsprof.Profiler' objects} 1 0.000 0.000 0.000 0.000 <ipython-input-20-2510f2cb6b6c>:8(<module>) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2561(get_boxstyle) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:246(get_edgecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:826(fixitems) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:74(set_height_ratios) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2555(get_mutation_aspect) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:437(__hash__) 2 0.000 0.000 0.000 0.000 {method 'reverse' of 'list' objects} 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2061(set_autoscaley_on) 2 0.000 0.000 0.000 0.000 {method 'rfind' of 'str' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3417(set_navigate_mode) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/widgets.py:37(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:419(get_tight_layout) 1 0.000 0.000 0.000 0.000 <ipython-input-20-2510f2cb6b6c>:9(<module>) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:567(set_canvas) 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/shape_base.py:897(<genexpr>) 4 0.000 0.000 0.000 0.000 {method '__array_prepare__' of 'numpy.ndarray' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:101(get_subplotspec) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:407(get_gridspec) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:253(get_facecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:787(get_frame) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1436(tick_values) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/core/hooks.py:204(pre_run_code_hook)
Finally, we calculate metrics on the stacked estimator $\hat{n}(z)$ that is the average of all members of the ensemble.
def analyze_stacked(E0, E, z_grid):
zlim = (min(z_grid), max(z_grid))
z_range = zlim[-1] - zlim[0]
delta_z = z_range / len(z_grid)
parametrizations = E.keys()
print('stacking the ensembles')
stacked_pdfs = {}
for key in formats:
stacked_pdfs[key] = qp.PDF(gridded=E[key].stack(z_grid, using=key,
vb=False)[key])
stacked_pdfs['truth'] = qp.PDF(gridded=E0.stack(z_grid, using='truth',
vb=False)['truth'])
print('stacked the ensembles')
print('calculating the metrics')
klds = {}
for key in parametrizations:
klds[key] = qp.utils.calculate_kl_divergence(stacked_pdfs['truth'],
stacked_pdfs[key],
limits=zlim, dx=delta_z)
print('calculated the metrics')
plot_estimators(z_grid, stacked_pdfs, klds)
return(stacked_pdfs, klds)
def plot_estimators(z_grid, stacked_pdfs, klds):
colors = {'quantiles':'b', 'histogram':'r', 'samples':'g'}
plt.title(r'$\hat{n}(z)$ for '+str(n_floats_use)+' numbers')
plt.plot(z_grid, stacked_pdfs['truth'].evaluate(z_grid, vb=False)[1], color='black', lw=4, alpha=0.3, label='truth')
for key in formats:
plt.plot(z_grid, stacked_pdfs[key].evaluate(z_grid, vb=False)[1], label=key+' KLD='+str(klds[key]), color=colors[key])
plt.xlabel(r'$z$')
plt.ylabel(r'$\hat{n}(z)$')
plt.legend()
plt.title(r'$\hat{n}(z)$ for '+str(n_floats_use)+' numbers')
plt.savefig('nz_comparison.png', dpi=250)
pr = cProfile.Profile()
pr.enable()
(stack_evals, nz_klds) = analyze_stacked(catalog, ensembles, dataset_info[dataset_key]['metric_z_grid'])
dataset_info[dataset_key]['nz_ests'] = stack_evals
dataset_info[dataset_key]['nz_klds'] = nz_klds
pr.disable()
s = StringIO.StringIO()
sortby = 'cumtime'
ps = pstats.Stats(pr, stream=s).sort_stats(sortby)
ps.print_stats()
print(s.getvalue())
stacking the ensembles stacked the ensembles calculating the metrics Created a `linear` interpolator for the gridded parametrization. interpolating between 0.01 and 3.5 Created a `linear` interpolator for the gridded parametrization. interpolating between 0.01 and 3.5 Created a `linear` interpolator for the gridded parametrization. interpolating between 0.01 and 3.5 Created a `linear` interpolator for the gridded parametrization. interpolating between 0.01 and 3.5 Created a `linear` interpolator for the gridded parametrization. interpolating between 0.01 and 3.5 Created a `linear` interpolator for the gridded parametrization. interpolating between 0.01 and 3.5 calculated the metrics 452224 function calls (433648 primitive calls) in 61.152 seconds Ordered by: cumulative time ncalls tottime percall cumtime percall filename:lineno(function) 4 0.000 0.000 61.151 15.288 /usr/local/lib/python2.7/dist-packages/IPython/core/interactiveshell.py:2852(run_code) 1 0.000 0.000 61.151 61.151 <ipython-input-26-907a38c80ccf>:4(<module>) 1 0.000 0.000 61.151 61.151 <ipython-input-25-8d2edf6e1a28>:1(analyze_stacked) 4 0.000 0.000 60.334 15.083 build/bdist.linux-x86_64/egg/qp/ensemble.py:412(stack) 4 0.000 0.000 60.333 15.083 build/bdist.linux-x86_64/egg/qp/ensemble.py:254(evaluate) 4 0.000 0.000 60.331 15.083 /home/aimalz/.local/lib/python2.7/site-packages/pathos/multiprocessing.py:133(map) 4 0.000 0.000 60.331 15.083 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:246(map) 294 60.331 0.205 60.331 0.205 {method 'acquire' of 'thread.lock' objects} 4 0.000 0.000 60.331 15.083 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:560(get) 4 0.000 0.000 60.331 15.083 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:552(wait) 4 0.000 0.000 60.331 15.083 /usr/lib/python2.7/threading.py:309(wait) 1 0.000 0.000 0.811 0.811 <ipython-input-25-8d2edf6e1a28>:30(plot_estimators) 1 0.000 0.000 0.717 0.717 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:694(savefig) 2 0.000 0.000 0.593 0.296 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:453(draw) 174/2 0.001 0.000 0.589 0.294 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:61(draw_wrapper) 2 0.000 0.000 0.589 0.294 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1090(draw) 4/2 0.000 0.000 0.584 0.292 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/image.py:120(_draw_list_compositing_images) 2 0.000 0.000 0.584 0.292 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2329(draw) 1 0.000 0.000 0.450 0.450 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1470(savefig) 1 0.000 0.000 0.450 0.450 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2087(print_figure) 1 0.000 0.000 0.448 0.448 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:544(print_png) 4 0.000 0.000 0.405 0.101 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1128(draw) 118 0.006 0.000 0.401 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:329(_get_layout) 54 0.003 0.000 0.401 0.007 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:739(draw) 132 0.001 0.000 0.386 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:215(get_text_width_height_descent) 12 0.000 0.000 0.361 0.030 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:3248(parse) 270/264 0.001 0.000 0.320 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1586(parseString) 6574/264 0.047 0.000 0.317 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1520(_parseCache) 6388/264 0.037 0.000 0.307 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1347(_parseNoCache) 1868/264 0.010 0.000 0.304 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3375(parseImpl) 1 0.000 0.000 0.267 0.267 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2026(draw_idle) 448 0.001 0.000 0.247 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1443(findfont) 448 0.002 0.000 0.246 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1228(findfont) 6 0.000 0.000 0.241 0.040 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:888(__init__) 407 0.005 0.000 0.234 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:674(__init__) 258 0.002 0.000 0.215 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:914(set_fontconfig_pattern) 258 0.000 0.000 0.210 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:717(_parse_fontconfig_pattern) 258 0.001 0.000 0.210 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:119(parse) 556/522 0.003 0.000 0.179 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3917(parseImpl) 584/522 0.002 0.000 0.177 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3837(parseImpl) 584/558 0.002 0.000 0.159 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3981(parseImpl) 12 0.000 0.000 0.143 0.012 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:988(__init__) 224/84 0.003 0.000 0.123 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3525(parseImpl) 1 0.122 0.122 0.122 0.122 {matplotlib._png.write_png} 782/720 0.002 0.000 0.118 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1046(wrapper) 1252/96 0.003 0.000 0.118 0.001 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3715(parseImpl) 6 0.000 0.000 0.116 0.019 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2507(parse) 6 0.000 0.000 0.110 0.018 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:675(__init__) 52/44 0.001 0.000 0.108 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:67(__init__) 6 0.000 0.000 0.106 0.018 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2586(math_string) 6388 0.013 0.000 0.078 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1465(set) 2 0.000 0.000 0.075 0.038 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:1424(title) 9 0.000 0.000 0.075 0.008 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:932(gca) 168 0.006 0.000 0.074 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:297(__init__) 9 0.000 0.000 0.074 0.008 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1326(gca) 1 0.000 0.000 0.074 0.074 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:939(add_subplot) 1 0.000 0.000 0.074 0.074 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:23(__init__) 1 0.000 0.000 0.074 0.074 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:432(__init__) 4 0.000 0.000 0.071 0.018 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:961(_update_ticks) 44 0.000 0.000 0.066 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:908(iter_ticks) 12 0.000 0.000 0.063 0.005 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:729(cla) 16/12 0.000 0.000 0.060 0.005 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:767(reset_ticks) 26/22 0.000 0.000 0.059 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2052(_get_tick) 4 0.000 0.000 0.052 0.013 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1317(get_major_ticks) 2 0.000 0.000 0.051 0.026 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:453(draw) 800 0.005 0.000 0.050 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:199(_recache) 26/22 0.000 0.000 0.049 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1724(_get_tick) 6392 0.029 0.000 0.046 0.000 /usr/lib/python2.7/collections.py:71(__setitem__) 1 0.000 0.000 0.044 0.044 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:962(cla) 32 0.000 0.000 0.041 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:249(draw) 56 0.003 0.000 0.032 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:769(draw) 14/2 0.000 0.000 0.032 0.016 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:273(draw) 402 0.002 0.000 0.031 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:248(set_marker) 4 0.000 0.000 0.031 0.008 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1067(_get_tick_bboxes) 32 0.001 0.000 0.031 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:932(get_window_extent) 4 0.000 0.000 0.030 0.008 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:166(cla) 31298 0.020 0.000 0.028 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2182(__hash__) 230 0.000 0.000 0.028 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:163(__init__) 1 0.000 0.000 0.027 0.027 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:620(_init_axis) 3048 0.010 0.000 0.027 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:732(copy) 398 0.001 0.000 0.025 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:223(set_fillstyle) 8145 0.007 0.000 0.024 0.000 {method 'get' of 'dict' objects} 946 0.004 0.000 0.023 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:103(__init__) 46 0.001 0.000 0.023 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:183(draw_text) 166 0.021 0.000 0.021 0.000 {method 'set_text' of 'matplotlib.ft2font.FT2Font' objects} 46/22 0.001 0.000 0.021 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:453(get_extent_offsets) 448 0.001 0.000 0.019 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1000(get) 26/24 0.000 0.000 0.019 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:546(_get_tick1line) 12/8 0.000 0.000 0.019 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:376(get_extent_offsets) 6574 0.005 0.000 0.018 0.000 /usr/lib/python2.7/threading.py:215(__exit__) 30 0.000 0.000 0.018 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:143(draw_path) 42/14 0.000 0.000 0.018 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:258(get_extent) 30 0.017 0.001 0.018 0.001 {method 'draw_path' of 'matplotlib.backends._backend_agg.RendererAgg' objects} 1390 0.004 0.000 0.018 0.000 /usr/lib/python2.7/collections.py:170(popitem) 7260 0.016 0.000 0.018 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:349(__init__) 40 0.001 0.000 0.017 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:830(get_extent) 26/24 0.000 0.000 0.017 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:561(_get_tick2line) 2175 0.004 0.000 0.017 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:87(__init__) 6574 0.005 0.000 0.017 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1462(get) 26/24 0.000 0.000 0.017 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:414(_get_tick1line) 172 0.000 0.000 0.016 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1156(set_marker) 2 0.000 0.000 0.016 0.008 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:265(get_window_extent) 4 0.000 0.000 0.016 0.004 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:154(register_axis) 946 0.006 0.000 0.016 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:212(_update_values) 216/176 0.001 0.000 0.016 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:404(get_spine_transform) 1672 0.002 0.000 0.016 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1662(__init__) 26/24 0.000 0.000 0.015 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:425(_get_tick2line) 224/176 0.000 0.000 0.015 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:148(_ensure_position_is_set) 8 0.000 0.000 0.015 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:359(set_position) 11949 0.014 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:934(__getitem__) 641 0.002 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1808(__init__) 6576 0.011 0.000 0.014 0.000 /usr/lib/python2.7/threading.py:187(release) 168 0.000 0.000 0.014 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:548(set_fillstyle) 166 0.001 0.000 0.013 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:269(_get_agg_font) 18 0.000 0.000 0.013 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1281(_copy_tick_props) 6576 0.010 0.000 0.013 0.000 /usr/lib/python2.7/threading.py:147(acquire) 2175 0.008 0.000 0.013 0.000 /usr/lib/python2.7/weakref.py:47(__init__) 14 0.000 0.000 0.013 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:516(draw) 26 0.000 0.000 0.013 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:575(_get_gridline) 7260 0.008 0.000 0.013 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:340(__new__) 24799 0.010 0.000 0.012 0.000 {isinstance} 1390 0.004 0.000 0.012 0.000 /usr/lib/python2.7/collections.py:149(pop) 34154/33128 0.005 0.000 0.012 0.000 {hash} 4 0.000 0.000 0.012 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1792(__call__) 561 0.001 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:128(invalidate) 4 0.000 0.000 0.012 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1796(tick_values) 4 0.000 0.000 0.012 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1741(_raw_ticks) 323 0.002 0.000 0.012 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1972(scale) 62 0.000 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1310(update_from) 8 0.000 0.000 0.011 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:862(draw) 2 0.000 0.000 0.011 0.005 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:641(__init__) 1474 0.007 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:720(__hash__) 791/561 0.003 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:139(_invalidate_internal) 26 0.000 0.000 0.011 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:440(_get_gridline) 3345 0.010 0.000 0.010 0.000 {numpy.core.multiarray.array} 510 0.003 0.000 0.010 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2791(parseImpl) 4 0.000 0.000 0.010 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:3305(plot) 4 0.000 0.000 0.009 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:1813(inner) 4 0.000 0.000 0.009 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:1264(plot) 16 0.000 0.000 0.009 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:214(get_offset) 4 0.000 0.000 0.009 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:432(_findoffset_best) 4 0.000 0.000 0.009 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:922(_find_best_position) 16 0.000 0.000 0.009 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1266(_draw_lines) 16 0.000 0.000 0.009 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1290(_draw_solid) 776 0.003 0.000 0.009 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:970(_normalize_font_family) 1500 0.008 0.000 0.008 0.000 {method 'reduce' of 'numpy.ufunc' objects} 238/110 0.000 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:765(get_yaxis_transform) 6264/5558 0.005 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:268(stale) 96 0.002 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:670(recache) 1 0.000 0.000 0.008 0.008 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:3796(legend) 1 0.000 0.000 0.008 0.008 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:297(legend) 1 0.000 0.000 0.008 0.008 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:149(__init__) 238/110 0.000 0.000 0.008 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:688(get_xaxis_transform) 1009 0.001 0.000 0.008 0.000 {method 'all' of 'numpy.ndarray' objects} 1 0.000 0.000 0.007 0.007 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:583(_init_legend_box) 82 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1411(transform_point) 447 0.003 0.000 0.007 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2365(identity) 26 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:516(_get_text1) 448 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:730(__eq__) 2036 0.005 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:682(is_string_like) 52 0.000 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1459(__init__) 1009 0.001 0.000 0.007 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:40(_all) 90 0.001 0.000 0.007 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1315(transform) 448 0.003 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:996(make_rcparams_key) 26 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:531(_get_text2) 859 0.003 0.000 0.006 0.000 /usr/lib/python2.7/weakref.py:183(itervalues) 228 0.001 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:591(_get_info) 1965 0.002 0.000 0.006 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:463(asarray) 52 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:445(get_metrics) 534 0.002 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1545(resetCache) 2 0.000 0.000 0.006 0.003 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2351(get_tick_space) 1390 0.003 0.000 0.006 0.000 /usr/lib/python2.7/collections.py:81(__delitem__) 437 0.002 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:163(set_children) 364 0.004 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:95(__init__) 30 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:667(set_clip_path) 26 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:381(_get_text1) 116 0.001 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:189(__init__) 182/118 0.001 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2392(get_affine) 196 0.000 0.000 0.006 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1173(__add__) 48 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1475(_update_metrics) 40 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:214(get_transform) 40 0.005 0.000 0.005 0.000 {method 'draw_glyphs_to_bitmap' of 'matplotlib.ft2font.FT2Font' objects} 70 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:699(_set_tickleft) 196 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2471(composite_transform_factory) 3 0.000 0.000 0.005 0.002 build/bdist.linux-x86_64/egg/qp/utils.py:246(calculate_kl_divergence) 4 0.000 0.000 0.005 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:91(legend_artist) 235 0.002 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:781(__init__) 90 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2368(transform_affine) 8 0.000 0.000 0.005 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:680(draw) 4 0.000 0.000 0.005 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:185(create_artists) 258 0.001 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:138(_family) 4462 0.005 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:186(__init__) 70 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:705(_set_tickright) 26 0.000 0.000 0.005 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:398(_get_text2) 24393/24283 0.004 0.000 0.004 0.000 {len} 76 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1902(clear) 70 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:719(_set_tickdown) 2 0.000 0.000 0.004 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:868(set_clip_path) 534 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1473(clear) 2 0.000 0.000 0.004 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2017(get_tick_space) 181 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2290(__init__) 6 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:536(get_results) 26 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:707(get_patch_transform) 32533 0.004 0.000 0.004 0.000 {id} 26 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:691(_update_patch_transform) 447 0.003 0.000 0.004 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/twodim_base.py:139(eye) 6 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:210(get_results) 3 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:468(get_renderer) 303 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:851(update) 2175 0.003 0.000 0.004 0.000 /usr/lib/python2.7/UserDict.py:4(__init__) 12 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2068(__call__) 668 0.001 0.000 0.004 0.000 /usr/lib/python2.7/weakref.py:105(__setitem__) 52/12 0.001 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2085(hlist_out) 2216 0.004 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1328(preParse) 10 0.000 0.000 0.004 0.000 build/bdist.linux-x86_64/egg/qp/pdf.py:91(evaluate) 10 0.000 0.000 0.004 0.000 build/bdist.linux-x86_64/egg/qp/pdf.py:539(approximate) 72 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:983(get_path) 18 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2639(symbol) 8 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:191(set_clip_path) 288 0.003 0.000 0.004 0.000 {method 'sub' of '_sre.SRE_Pattern' objects} 2 0.004 0.002 0.004 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:85(__init__) 534 0.003 0.000 0.004 0.000 /usr/lib/python2.7/collections.py:108(clear) 70 0.000 0.000 0.004 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:713(_set_tickup) 4 0.000 0.000 0.004 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2236(autoscale_view) 13160 0.004 0.000 0.004 0.000 /usr/lib/python2.7/threading.py:64(_note) 279 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/colors.py:128(to_rgba) 72 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1927(rotate_deg) 92 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:838(from_extents) 8 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2270(handle_single_axis) 118 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:901(get_prop_tup) 789 0.003 0.000 0.003 0.000 {method 'match' of '_sre.SRE_Pattern' objects} 40 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:887(_get_anchored_bbox) 108 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:724(new_gc) 670 0.003 0.000 0.003 0.000 {numpy.core.multiarray.dot} 85 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:828(from_bounds) 12 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2596(non_math) 172 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1086(set_linestyle) 72 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1910(rotate) 16 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:558(intersects_bbox) 8 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:399(_grab_next_args) 4 0.000 0.000 0.003 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:354(_plot_args) 108 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:786(__init__) 369 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:813(set_family) 105 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2648(__init__) 206 0.002 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/functools32/functools32.py:387(wrapper) 26 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:495(_get_text1_transform) 46 0.003 0.000 0.003 0.000 {method 'draw_text_image' of 'matplotlib.backends._backend_agg.RendererAgg' objects} 26 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:790(get_yaxis_text1_transform) 174 0.000 0.000 0.003 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:55(_wrapfunc) 6595 0.003 0.000 0.003 0.000 {built-in method __new__ of type object at 0x558959229280} 48 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2702(_revalidate) 4 0.000 0.000 0.003 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1776(add_line) 1169 0.001 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:326(pchanged) 16 0.000 0.000 0.003 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:2319(__init__) 2551 0.002 0.000 0.003 0.000 {getattr} 16 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1638(__init__) 32 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2716(get_transformed_points_and_affine) 279 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/colors.py:107(_is_nth_color) 32 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1711(set_params) 36 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1620(__init__) 1982 0.001 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/ma/core.py:6192(isMaskedArray) 14 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:723(union) 2120 0.001 0.000 0.002 0.000 {method 'pop' of 'dict' objects} 46 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:909(_get_glyph) 175 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:856(_update_property) 36 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:316(update_from) 104 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:486(render_glyph) 32 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:122(draw_markers) 527 0.001 0.000 0.002 0.000 /usr/lib/python2.7/abc.py:128(__instancecheck__) 3330 0.002 0.000 0.002 0.000 {method 'update' of 'dict' objects} 465 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:74(_stale_axes_callback) 32 0.002 0.000 0.002 0.000 {method 'draw_markers' of 'matplotlib.backends._backend_agg.RendererAgg' objects} 3 0.000 0.000 0.002 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:413(_set_dpi) 96 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1503(render) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:361(_get_text1_transform) 132 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2792(round_) 13152 0.002 0.000 0.002 0.000 {thread.get_ident} 8 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:278(draw) 4 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2768(accent) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:713(get_xaxis_text1_transform) 207 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1683(transform) 809 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:673(iterable) 80 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1735(frozen) 395 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:634(set_figure) 132 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2723(around) 20 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1425(transform_path) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:498(_get_text2_transform) 227 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1763(transform_affine) 56 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:744(_get_transformed_path) 4 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:297(_makeline) 84 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:172(_fast_from_codes_and_verts) 10 0.000 0.000 0.002 0.000 build/bdist.linux-x86_64/egg/qp/pdf.py:442(interpolate) 1473 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/six.py:598(iteritems) 26 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:816(get_yaxis_text2_transform) 1090 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2409(parseImpl) 44 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1448(transform_path_non_affine) 4 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:722(_auto_legend_data) 629 0.001 0.000 0.002 0.000 /usr/lib/python2.7/_weakrefset.py:26(__exit__) 46 0.002 0.000 0.002 0.000 {method 'load_char' of 'matplotlib.ft2font.FT2Font' objects} 44 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:730(_transform_path) 8 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2148(vlist_out) 273 0.000 0.000 0.002 0.000 /usr/lib/python2.7/re.py:138(match) 98 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:953(update_from) 40 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:546(anchored) 100/54 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2322(_invalidate_internal) 307 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:341(set_transform) 8 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:74(update_prop) 176 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:753(set_transform) 20 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1436(transform_path_affine) 3540 0.002 0.000 0.002 0.000 {max} 20 0.000 0.000 0.002 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2463(isclose) 52 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2685(__init__) 6 0.001 0.000 0.002 0.000 build/bdist.linux-x86_64/egg/qp/utils.py:65(safelog) 24 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:559(__init__) 260 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:291(_set_artist_props) 1 0.000 0.000 0.002 0.002 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:942(_gen_axes_spines) 6280 0.002 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:734(get_animated) 344 0.000 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:192(convert_xunits) 150 0.001 0.000 0.002 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:887(get_unitless_position) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1764(_get_pixel_distance_along_axis) 26 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1947(rotate_deg_around) 104 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:187(render_glyph) 5 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:713(__init__) 26 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:364(_get_text2_transform) 900 0.001 0.000 0.001 0.000 {numpy.core.multiarray.empty} 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:453(linear_spine) 26 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:739(get_xaxis_text2_transform) 32 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:694(translated) 668 0.001 0.000 0.001 0.000 /usr/lib/python2.7/weakref.py:277(__new__) 340 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1054(_split_drawstyle_linestyle) 77 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1957(translate) 1398 0.001 0.000 0.001 0.000 {next} 2 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1815(_update_label_position) 42 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:590(update_position) 7 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:86(__init__) 16 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:548(intersects_path) 6 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:168(draw_mathtext) 204 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:28(_amin) 2519 0.001 0.000 0.001 0.000 {iter} 16 0.001 0.000 0.001 0.000 {matplotlib._path.path_intersects_path} 10 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:62(__call__) 143 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:848(set_weight) 10 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:403(__init__) 58 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1091(get_points) 46 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:805(_get_glyph) 132 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1215(is_math_text) 668 0.001 0.000 0.001 0.000 /usr/lib/python2.7/weakref.py:282(__init__) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:44(__init__) 2 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2140(_update_label_position) 32 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1703(_staircase) 168 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:653(set_data) 92 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:294(get_rotation) 585 0.001 0.000 0.001 0.000 {numpy.core.multiarray.zeros} 288 0.001 0.000 0.001 0.000 /usr/lib/python2.7/re.py:284(_subx) 38 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:931(copy) 212 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:54(get_hinting_flag) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:644(set_locs) 16 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:473(transformed) 359 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:68(_scale_dashes) 42 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:455(update_position) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1805(_update_line_limits) 2815 0.001 0.000 0.001 0.000 /usr/lib/python2.7/collections.py:90(__iter__) 112 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:402(_get_bounds) 220 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:25(_amax) 32 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:342(write) 16/8 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2400(inverted) 134 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:238(update) 40 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1664(hpack) 1128 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:483(haskeys) 258 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:150(_families) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2095(_get_pixel_distance_along_axis) 629 0.001 0.000 0.001 0.000 /usr/lib/python2.7/_weakrefset.py:20(__enter__) 344 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:201(convert_yunits) 64 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1335(_get_rgba_face) 32 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1626(kern) 10 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:603(_evaluate) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1532(_update_metrics) 92 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:573(_get_font) 52 0.001 0.000 0.001 0.000 {method 'draw_glyph_to_bitmap' of 'matplotlib.ft2font.FT2Font' objects} 10 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:579(gcf) 96/60 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/units.py:125(get_converter) 40 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:686(padded) 10 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:549(_call_linear) 638 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:388(__getitem__) 441 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:313(report) 635 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/six.py:595(itervalues) 20 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:282(__array__) 168 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1458(set_dash_capstyle) 58 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:57(_get_packed_offsets) 52 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1297(__setitem__) 179 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:39(_get_dash_pattern) 32 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:275(get_transform) 1 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:428(figure) 20 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2522(within_tol) 20 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1700(transform_path_affine) 180 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:640(axes) 96 0.000 0.000 0.001 0.000 {method 'min' of 'numpy.ndarray' objects} 32 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:239(hstack) 92 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:64(get_rotation) 44 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2550(__init__) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:708(_set_scale) 2 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1853(_update_offset_text_position) 216 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1010(set_foreground) 48 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1465(convert_units) 168 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1039(set_linewidth) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:69(set_default_locators_and_formatters) 212 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:287(points_to_pixels) 537 0.001 0.000 0.001 0.000 /usr/lib/python2.7/_weakrefset.py:70(__contains__) 213 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1204(set_text) 16 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1684(_validate_steps) 1 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:413(new_figure_manager) 108 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2275(amin) 16 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2727(get_transformed_path_and_affine) 108 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2176(get_affine) 355 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:534(asanyarray) 34 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:180(schedule) 60 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:158(_property) 8 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:65(_update_prop) 6 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2590(math) 8 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:71(_default_update_prop) 108 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2174(amax) 113 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:885(set_size) 247 0.001 0.000 0.001 0.000 {matplotlib._path.affine_transform} 3053 0.001 0.000 0.001 0.000 {method 'copy' of 'dict' objects} 322 0.001 0.000 0.001 0.000 {method 'copy' of 'numpy.ndarray' objects} 46 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:233(get_hinting_type) 2655 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:236(axes) 112 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:919(set_zorder) 100 0.001 0.000 0.001 0.000 {method 'round' of 'numpy.generic' objects} 102/100 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2567(get_matrix) 22 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:313(_set_facecolor) 2 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:842(_update_transScale) 132 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2191(is_math_text) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:725(_set_format) 1 0.000 0.000 0.001 0.001 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:267(__init__) 112 0.000 0.000 0.001 0.000 {method 'max' of 'numpy.ndarray' objects} 9 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:398(_set_artist_props) 4 0.000 0.000 0.001 0.000 /usr/lib/python2.7/codeop.py:132(__call__) 378/236 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2353(_get_is_affine) 168 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1419(set_dash_joinstyle) 20 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1770(transform_point) 8 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:633(set_offset) 4 0.001 0.000 0.001 0.000 {compile} 25 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1066(__init__) 94 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2372(transform_non_affine) 30 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:493(connect) 32 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1401(popall) 168 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1472(set_solid_capstyle) 8 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:646(count_contains) 364 0.000 0.000 0.001 0.000 <string>:8(__new__) 1254 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:435(__bool__) 206 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/functools32/functools32.py:136(move_to_end) 273 0.001 0.000 0.001 0.000 /usr/lib/python2.7/re.py:230(_compile) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2776(set_xbound) 226 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1233(set_xdata) 96 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:11(atleast_1d) 40 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:555(__call__) 288 0.000 0.000 0.001 0.000 /usr/lib/python2.7/re.py:264(_compile_repl) 241 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:54(_stale_figure_callback) 168 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:747(is_numlike) 2938 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:1343(postParse) 23 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:812(unit) 168 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1198(set_markerfacecolor) 172 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1019(set_drawstyle) 111 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:867(set_stretch) 412 0.001 0.000 0.001 0.000 {method 'groupdict' of '_sre.SRE_Match' objects} 254 0.001 0.000 0.001 0.000 {min} 240 0.001 0.000 0.001 0.000 {method 'reshape' of 'numpy.ndarray' objects} 168 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1432(set_solid_joinstyle) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:298(map_async) 17 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2416(__init__) 12 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:620(get_transform) 2 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1622(set) 1474 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:739(get_family) 1472 0.001 0.000 0.001 0.000 {method 'iteritems' of 'dict' objects} 55 0.000 0.000 0.001 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1973(all) 48 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2743(get_affine) 30 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:147(_value) 15/14 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1678(__eq__) 1922 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:793(get_file) 4 0.000 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2821(set_xlim) 441 0.001 0.000 0.001 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:347(ge) 1708 0.001 0.000 0.001 0.000 {method 'startswith' of 'unicode' objects} 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1791(inverted) 168 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1186(set_markeredgewidth) 226 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1243(set_ydata) 168 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1222(set_markersize) 629 0.000 0.000 0.000 0.000 /usr/lib/python2.7/_weakrefset.py:16(__init__) 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:52(after) 10 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:826(argsort) 56 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2667(seterr) 116 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1254(set_usetex) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:585(__init__) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:282(set_label2) 212 0.000 0.000 0.000 0.000 {method 'set_size' of 'matplotlib.ft2font.FT2Font' objects} 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:271(set_label1) 10 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1022(searchsorted) 174 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:45(before) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1246(contains_branch_seperately) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2582(main) 191 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:353(get_transform) 10 0.000 0.000 0.000 0.000 {method 'argsort' of 'numpy.ndarray' objects} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:804(set_offset) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3052(set_ybound) 76 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2145(transform_non_affine) 16 0.000 0.000 0.000 0.000 /usr/lib/python2.7/genericpath.py:23(exists) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2806(mean) 1651 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:790(get_size_in_points) 48 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2249(get_matrix) 403 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:55(remove) 168 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1210(set_markerfacecoloralt) 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:320(set_facecolor) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:501(apply_tickdir) 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:926(_get_markerfacecolor) 60 0.000 0.000 0.000 0.000 {method 'accumulate' of 'numpy.ufunc' objects} 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:149(__init__) 4 0.000 0.000 0.000 0.000 build/bdist.linux-x86_64/egg/qp/pdf.py:16(__init__) 963 0.000 0.000 0.000 0.000 {method 'lower' of 'unicode' objects} 168 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1174(set_markeredgecolor) 34 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1886(any) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1226(contains_branch) 10 0.000 0.000 0.000 0.000 {method 'searchsorted' of 'numpy.ndarray' objects} 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:53(_mean) 48 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1488(get_kerning) 1474 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:752(get_style) 7 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/function_base.py:25(linspace) 264 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:3181(parseImpl) 4 0.000 0.000 0.000 0.000 {print} 168 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1000(set_antialiased) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1940(__init__) 126 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:640(__iadd__) 16 0.000 0.000 0.000 0.000 {posix.stat} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:662(__init__) 1474 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:776(get_stretch) 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2130(_get_is_affine) 166 0.000 0.000 0.000 0.000 {method 'clear' of 'matplotlib.ft2font.FT2Font' objects} 90 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/fontconfig_pattern.py:144(_name) 1474 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:767(get_weight) 284 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:437(__iter__) 28 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:3064(__enter__) 22 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2856(subsuper) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3097(set_ylim) 629 0.000 0.000 0.000 0.000 {method 'itervalues' of 'dict' objects} 572 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1853(get_matrix) 170 0.000 0.000 0.000 0.000 {sorted} 28 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2747(nonsingular) 116 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:994(set_color) 47 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:21(__exit__) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:429(set_fill) 629 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:68(_commit_removals) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:630(set_figure) 34 0.000 0.000 0.000 0.000 {posix.urandom} 1474 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:760(get_variant) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:367(apply_tickdir) 534 0.000 0.000 0.000 0.000 {method 'clear' of 'dict' objects} 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:938(set_alpha) 168 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1010(set_color) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1547(render) 8 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:182(vstack) 25 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1730(sum) 141 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:826(set_style) 16 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:42(_wrapit) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2266(blended_transform_factory) 54 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:820(set_alpha) 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:775(_set_gc_clip) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1559(__init__) 44 0.000 0.000 0.000 0.000 {numpy.core.multiarray.concatenate} 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:916(_set_artist_props) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:760(pprint_val) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:657(_compute_offset) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1406(update_units) 34 0.000 0.000 0.000 0.000 {method 'any' of 'numpy.ndarray' objects} 22 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:290(_set_edgecolor) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:349(by_key) 58 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:107(_get_aligned_offsets) 270 0.000 0.000 0.000 0.000 {method 'expandtabs' of 'unicode' objects} 122 0.000 0.000 0.000 0.000 {method 'flatten' of 'numpy.ndarray' objects} 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:449(inv) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1731(_get_label) 44 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:546(fix_minus) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2821(group) 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1499(set_label_text) 47 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:15(__enter__) 72 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:243(get_visible_children) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2638(tick_params) 439 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:244(axes) 29 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:31(_sum) 32 0.000 0.000 0.000 0.000 {method 'round' of 'numpy.ndarray' objects} 36 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:649(get_kern) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:501(__init__) 116 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:298(set_rotation_mode) 520 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:287(_set_nothing) 34 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:37(_any) 56 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:214(__nonzero__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:138(set_title) 28 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:3069(__exit__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:530(get_extents) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:926(_gen_axes_patch) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2203(__init__) 264 0.000 0.000 0.000 0.000 {method 'count' of 'unicode' objects} 66 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2659(get_matrix) 470 0.000 0.000 0.000 0.000 {method 'items' of 'dict' objects} 733 0.000 0.000 0.000 0.000 {method 'add' of 'set' objects} 92 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:658(__init__) 112 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:1084(get_default_size) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:138(get_patch_transform) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1383(apply_aspect) 52 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:176(_update_bbox) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:779(set_tick_params) 420 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1018(get_points) 14/10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2337(__eq__) 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:300(set_edgecolor) 212 0.000 0.000 0.000 0.000 {hasattr} 418 0.000 0.000 0.000 0.000 {method 'group' of '_sre.SRE_Match' objects} 111 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:838(set_variant) 12 0.000 0.000 0.000 0.000 {any} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:589(__init__) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:88(_prepare_x) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:109(update_params) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:55(__init__) 14 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:228(get_patch_transform) 179 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:715(is_hashable) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:147(get_xdata) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:648(_set_lim_and_transforms) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:420(get_position) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:215(_xy_from_xy) 24 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:63(atleast_2d) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1749(_get_offset_text) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2575(push_state) 92 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:71(get_unicode_index) 697 0.000 0.000 0.000 0.000 {method 'append' of 'list' objects} 424 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:221(vertices) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2447(__init__) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:113(_set_yi) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:911(get_markeredgecolor) 216 0.000 0.000 0.000 0.000 {method 'ravel' of 'numpy.ndarray' objects} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:285(_calc_offset_transform) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1569(__eq__) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1534(set_major_locator) 16 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:1843(diff) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:182(set_canvas_size) 47 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:82(helper) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:293(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2233(__eq__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2059(_get_label) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2562(normalize_kwargs) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1343(_get_rgba_ln_color) 180 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1642(_get_is_affine) 4 0.000 0.000 0.000 0.000 /usr/lib/python2.7/Queue.py:107(put) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/_lib/_util.py:192(_asarray_validated) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:898(update_from_path) 282 0.000 0.000 0.000 0.000 {method 'release' of 'thread.lock' objects} 42 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:381(_get_width) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:660(get_extent) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2565(get_path) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2343(_iter_break_from_left_to_right) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2079(_get_offset_text) 629 0.000 0.000 0.000 0.000 {method 'remove' of 'set' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:255(_getdefaults) 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:349(__init__) 92 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:47(_wrap_text) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:702(get_transform) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:83(get_grid_positions) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3719(get_children) 56 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2767(geterr) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1981(_process_unit_info) 388 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:730(get_visible) 48 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1412(__init__) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1159(set_x) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:1971(__call__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/multiprocess/pool.py:537(__init__) 168 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:558(set_markevery) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:274(<genexpr>) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:193(_adjust_location) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1813(view_limits) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1475(set_units) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2183(transmute) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:79(get_transform) 178 0.000 0.000 0.000 0.000 {method 'replace' of 'unicode' objects} 92 0.000 0.000 0.000 0.000 {method 'get_char_index' of 'matplotlib.ft2font.FT2Font' objects} 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2460(get_matrix) 39 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2626(get_matrix) 94 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1666(__array__) 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:420(__init__) 32 0.000 0.000 0.000 0.000 {method 'decode' of 'str' objects} 348 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:802(get_agg_filter) 1 0.000 0.000 0.000 0.000 {method 'close' of 'file' objects} 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1168(set_y) 418 0.000 0.000 0.000 0.000 {method 'end' of '_sre.SRE_Match' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1731(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1403(get_matrix) 11 0.000 0.000 0.000 0.000 {numpy.core.multiarray.arange} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:664(count_overlaps) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1512(set_major_formatter) 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:371(add_destroy_callback) 110 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:434(__len__) 138 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1267(get_usetex) 110 0.000 0.000 0.000 0.000 {method 'extend' of 'list' objects} 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2547(copy) 16/1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:180(set_figure) 442 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:930(sticky_edges) 348 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:785(get_rasterized) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1543(le) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:426(new_figure_manager_given_figure) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:278(frozen) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2316(mpl_connect) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1545(set_minor_locator) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1150(set_position) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:385(set_linestyle) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:105(_reshape_yi) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:988(_set_intervalx) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:2133(ptp) 30 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numerictypes.py:728(issubdtype) 126 0.000 0.000 0.000 0.000 {method 'get_width_height' of 'matplotlib.ft2font.FT2Font' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:993(_set_intervaly) 138 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:410(_get_dpi) 132 0.000 0.000 0.000 0.000 {abs} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2546(safe_first_element) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2382(transform_path_non_affine) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:133(_set_dtype) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:860(set_position) 104 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1023(__call__) 14 0.000 0.000 0.000 0.000 build/bdist.linux-x86_64/egg/qp/utils.py:86(normalize_gridded) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:191(_divmod) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2814(start_group) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1523(set_minor_formatter) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:363(set_linewidth) 250 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:917(get_text) 1 0.000 0.000 0.000 0.000 {open} 4 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:242(Condition) 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:534(get_snap) 62 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1047(set_linewidth) 150 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1379(__init__) 52 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:175(get_tick_padding) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:260(get_subplot_params) 170 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:705(get_scale) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2178(_update_offset_text_position) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:478(set_canvas_size) 32 0.000 0.000 0.000 0.000 /usr/lib/python2.7/encodings/utf_8.py:15(decode) 166 0.000 0.000 0.000 0.000 {method 'get_descent' of 'matplotlib.ft2font.FT2Font' objects} 82 0.000 0.000 0.000 0.000 {range} 10 0.000 0.000 0.000 0.000 {method 'clip' of 'numpy.ndarray' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1735(vpack) 46 0.000 0.000 0.000 0.000 {method 'get_glyph_name' of 'matplotlib.ft2font.FT2Font' objects} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1932(__init__) 218 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:273(should_simplify) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:853(get_position) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:612(get_offset) 4 0.000 0.000 0.000 0.000 {method 'ptp' of 'numpy.ndarray' objects} 11 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:657(set_clip_box) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:586(_get_offset) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:809(_translate_tick_kw) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1686(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:298(_apply_params) 10 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:70(take) 40 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:2135(isscalar) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:219(__init__) 28 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:367(_get_intervalx) 4 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:373(notify) 28 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:374(_get_intervaly) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2803(get_xlim) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2291(get_view_interval) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:554(get_legend_handler) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1036(set) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2049(transform) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:760(set_clip_on) 227 0.000 0.000 0.000 0.000 {method 'setdefault' of 'dict' objects} 4 0.000 0.000 0.000 0.000 {matplotlib._path.update_path_extents} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:699(_set_orderOfMagnitude) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:277(get_legend_handles_labels) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:774(set_facecolor) 42 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1965(__init__) 42 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:388(_get_height) 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:980(set_clip_path) 13 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:205(set_offset) 4 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:260(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1845(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1616(scale_range) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:195(update) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2475(grid) 214 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:235(codes) 28 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:3060(__init__) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1756(get_siblings) 62 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1038(set_joinstyle) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3079(get_ylim) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:2906(parseImpl) 4 0.000 0.000 0.000 0.000 {method 'sum' of 'numpy.ndarray' objects} 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:856(get_clip_path) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/textpath.py:35(__init__) 116 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:636(set_wrap) 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1100(get_hatch_path) 254 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1709(get_affine) 44 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:292(_get_x0) 116 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:520(get_gid) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:265(get_canvas_width_height) 62 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:965(set_capstyle) 28 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:903(_set_artist_props) 116 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:624(get_path_effects) 164 0.000 0.000 0.000 0.000 {method 'lower' of 'str' objects} 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:542(get_fillstyle) 56 0.000 0.000 0.000 0.000 {numpy.core.umath.seterrobj} 32 0.000 0.000 0.000 0.000 {_codecs.utf_8_decode} 110 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:227(<genexpr>) 94 0.000 0.000 0.000 0.000 {method 'strip' of 'unicode' objects} 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:299(_get_y0) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:190(axes) 193 0.000 0.000 0.000 0.000 {callable} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:347(set_alpha) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:50(__init__) 158 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:232(close_group) 30 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:367(__contains__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:163(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:341(__init__) 13 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/ma/core.py:629(filled) 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:256(_get_legend_handles) 48 0.000 0.000 0.000 0.000 {method 'split' of 'unicode' objects} 11 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:449(set_capstyle) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1550(__init__) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/shape_base.py:115(atleast_3d) 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:866(get_dashes) 36 0.000 0.000 0.000 0.000 {method 'get_kerning' of 'matplotlib.ft2font.FT2Font' objects} 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:569(destroy) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1559(ge) 27 0.000 0.000 0.000 0.000 {numpy.core.multiarray.result_type} 30 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:297(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1958(get_view_interval) 30 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:133(itervalues) 80 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2563(get_state) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:168(__init__) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:405(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:814(_bool) 158 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:224(open_group) 21 0.000 0.000 0.000 0.000 {method 'astype' of 'numpy.ndarray' objects} 30 0.000 0.000 0.000 0.000 /usr/lib/python2.7/weakref.py:335(__setitem__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2630(set_bounds) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1199(_iter_break_from_left_to_right) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:2207(_check_1d) 10 0.000 0.000 0.000 0.000 {method 'take' of 'numpy.ndarray' objects} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2497(set_boxstyle) 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1120(get_sketch_params) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:717(limit_range_for_scale) 72 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2555(_get_font) 4 0.000 0.000 0.000 0.000 {matplotlib._path.get_path_extents} 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:925(get_snap) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:630(get_wrap) 92 0.000 0.000 0.000 0.000 {ord} 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1114(get_hatch_linewidth) 34 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:986(isAlive) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/projections/__init__.py:70(process_projection_requirements) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:234(_update_this) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:458(swapaxes) 34 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/image.py:130(<genexpr>) 4 0.000 0.000 0.000 0.000 {matplotlib._path.count_bboxes_overlapping_bbox} 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1487(nonzero) 94 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:245(get_marker) 84 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:262(simplify_threshold) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:1540(xlabel) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2799(interval_contains) 47 0.000 0.000 0.000 0.000 /usr/lib/python2.7/contextlib.py:12(__init__) 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:831(set_visible) 84 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:280(should_simplify) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2758(get_xbound) 92 0.000 0.000 0.000 0.000 {math.radians} 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/polyint.py:94(_finish_y) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:511(fill_value) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1130(set_fontweight) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1364(grid) 112 0.000 0.000 0.000 0.000 {numpy.core.umath.geterrobj} 90 0.000 0.000 0.000 0.000 {issubclass} 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:139(_commonType) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:284(_is_master_process) 111 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/font_manager.py:907(set_file) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3041(get_ybound) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2569(pop_state) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1114(set_fontsize) 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:900(set_label) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/copy.py:66(copy) 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1108(get_hatch_color) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1118(set_weight) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:297(_schedule_flush) 22 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2540(__init__) 8 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:300(_is_owned) 43 0.000 0.000 0.000 0.000 {setattr} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:155(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1605(_set) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2090(__init__) 40 0.000 0.000 0.000 0.000 {method 'get_bitmap_offset' of 'matplotlib.ft2font.FT2Font' objects} 10 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:1432(rollaxis) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/_abcoll.py:548(update) 64 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:241(set_axis) 30 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numerictypes.py:660(issubclass_) 13 0.000 0.000 0.000 0.000 {zip} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1103(set_size) 46 0.000 0.000 0.000 0.000 {math.sin} 134 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:254(simplify_threshold) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/numeric.py:150(ones) 22 0.000 0.000 0.000 0.000 {unicodedata.category} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:3241(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1587(_set_glue) 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:479(__init__) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:808(get_color) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:766(set_edgecolor) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1739(_get_is_separable) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:820(null) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:168(set_prop_cycle) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1562(_init) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1190(set_verticalalignment) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:823(_make_key) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:1853(__new__) 108 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:825(restore) 37 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:541(process) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:1560(ylabel) 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1063(set_url) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:200(set_xlabel) 10 0.000 0.000 0.000 0.000 {method 'sort' of 'list' objects} 94 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:220(get_fillstyle) 16/8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2349(depth) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:349(_get_ymax) 16 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/function_base.py:213(iterable) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2604(__init__) 16 0.000 0.000 0.000 0.000 {method 'item' of 'numpy.generic' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:111(add) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:703(flipy) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:312(get_rotation_mode) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1807(draw_event) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:405(_get_axes) 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1380(ravel) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1320(_set_artist_props) 4 0.000 0.000 0.000 0.000 /usr/lib/python2.7/Queue.py:204(_put) 10 0.000 0.000 0.000 0.000 {unicodedata.name} 46 0.000 0.000 0.000 0.000 {math.cos} 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:284(get_snap_threshold) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:846(get_bbox_to_anchor) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/interpolate/interpolate.py:315(_do_extrapolate) 62 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1075(set_snap) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2826(end_group) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:723(get_alpha) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1445(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:842(fixlist) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:669(add_artist) 50 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:4361(postParse) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:585(set_clip_box) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:805(set_title) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2753(xaxis_inverted) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/_methods.py:43(_count_reduce_items) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:525(set_useOffset) 60 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:437(__hash__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:178(__call__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3036(yaxis_inverted) 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:992(set_dashes) 34 0.000 0.000 0.000 0.000 {method 'pop' of 'list' objects} 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:225(__iter__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1055(clf) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:1498(is_dashed) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:1370(sca) 12 0.000 0.000 0.000 0.000 {math.log10} 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:466(set_joinstyle) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:409(_get_extents) 34 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/iostream.py:87(_event_pipe) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:78(as_list) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:209(_assertNdSquareness) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:106(_makearray) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1575(_determine_order) 11 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/six.py:592(iterkeys) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1438(__init__) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:371(<genexpr>) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2531(set_mutation_scale) 11 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/_pylab_helpers.py:119(get_active) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_axes.py:231(set_ylabel) 4 0.000 0.000 0.000 0.000 {numpy.core.multiarray.copyto} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1522(closeto) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/multiprocessing.py:114(_serve) 1 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/utils/decorators.py:41(wrapper) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2924(get_xscale) 5 0.000 0.000 0.000 0.000 /usr/lib/python2.7/collections.py:138(iteritems) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:527(scale_factory) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1531(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2557(_set_font) 10 0.000 0.000 0.000 0.000 {method 'startswith' of 'str' objects} 5 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1186(set_va) 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pyparsing.py:4274(postParse) 40 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:792(get_minimumdescent) 7 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/function_base.py:13(_index_deprecate) 46 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:802(_map_virtual_font) 1 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/shape_base.py:826(tile) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/copy.py:306(_reconstruct) 22 0.000 0.000 0.000 0.000 {unichr} 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:239(get_joinstyle) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/pyplot.py:593(get_fignums) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:104(bubble) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:275(set_antialiased) 18 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1680(clean) 33 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:249(get_children) 33 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2045(get_matrix) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3697(set_cursor_props) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:791(_string_to_bool) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:242(get_capstyle) 11 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:139(current_key_axes) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1983(get_minpos) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2613(__init__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/cycler.py:138(keys) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:685(get_path) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/lines.py:613(get_markevery) 30 0.000 0.000 0.000 0.000 {math.ceil} 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1482(safezip) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:130(set_canvas_size) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/ipykernel/pylab/backend_inline.py:51(draw_if_interactive) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:125(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:1012(set_horizontalalignment) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:198(__init__) 20 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/path.py:636(unit_rectangle) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:278(get_alt_path) 4 0.000 0.000 0.000 0.000 {method 'nonzero' of 'numpy.ndarray' objects} 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/scipy/sparse/base.py:1111(isspmatrix) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1292(__init__) 14 0.000 0.000 0.000 0.000 {divmod} 8 0.000 0.000 0.000 0.000 {method 'mro' of 'type' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1340(get_minor_ticks) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:483(set_hatch) 5 0.000 0.000 0.000 0.000 {all} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1299(raise_if_exceeds) 32 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/markers.py:272(get_path) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1343(push) 8 0.000 0.000 0.000 0.000 {sum} 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/core/hooks.py:139(__call__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:409(_set_loc) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:2077(clamp) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1890(factory) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1328(set_anchor) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:128(_update_methods) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3201(get_yscale) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:2317(get_minpos) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/posixpath.py:97(splitext) 7 0.000 0.000 0.000 0.000 {method 'remove' of 'list' objects} 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:954(set_antialiased) 4 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:297(_acquire_restore) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/genericpath.py:93(_splitext) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:643(get_underline_thickness) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1368(bubble) 8 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:111(isComplexType) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1363(__init__) 4 0.000 0.000 0.000 0.000 {method 'format' of 'unicode' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:139(__getitem__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2171(__init__) 4 0.000 0.000 0.000 0.000 {method 'swapaxes' of 'numpy.ndarray' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:521(get_scale_names) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:74(__init__) 1 0.000 0.000 0.000 0.000 {method '__reduce_ex__' of 'object' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1433(__call__) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/spines.py:145(get_path) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1428(_update_axisinfo) 11 0.000 0.000 0.000 0.000 {method 'iterkeys' of 'dict' objects} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:836(get_size) 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:48(bbox_artist) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:101(get_linalg_error_extobj) 1 0.000 0.000 0.000 0.000 {locals} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:1433(is_interactive) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:895(get_position) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1053(set_linestyle) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:82(adjust_drawing_area) 30 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:568(get_sketch_params) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/abc.py:148(__subclasscheck__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:425(set_tight_layout) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:198(_assertRankAtLeast2) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:807(set_frameon) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1014(_get_minposy) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:894(get_label) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:155(__contains__) 4 0.000 0.000 0.000 0.000 {method 'append' of 'collections.deque' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:37(__init__) 8 0.000 0.000 0.000 0.000 {math.floor} 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1301(get_major_locator) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:152(__call__) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/text.py:577(_update_clip_properties) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:913(get_zorder) 34 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:570(isSet) 32 0.000 0.000 0.000 0.000 {posix.getpid} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:286(set_aa) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/linalg/linalg.py:124(_realType) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:292(set_locs) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:86(get) 1 0.000 0.000 0.000 0.000 <ipython-input-26-907a38c80ccf>:8(<module>) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/helpers/mp_helper.py:12(starargs) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1313(__init__) 26 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1388(get_kerning) 4 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:294(_release_save) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1248(set_aspect) 24 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1212(depth) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:567(set_canvas) 3 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/cbook.py:1363(clear) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/_pylab_helpers.py:129(set_active) 15 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:334(is_transform_set) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:1431(render) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:528(get_used_characters) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend_handler.py:141(get_numpoints) 10 0.000 0.000 0.000 0.000 {numpy.core.multiarray.normalize_axis_index} 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/utils/ipstruct.py:125(__getattr__) 16 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:48(limit_range_for_scale) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:2065(_get_output_canvas) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/pathos/abstract_launcher.py:128(__map) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/projections/__init__.py:54(get_projection_class) 6 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/core/fromnumeric.py:1565(shape) 4 0.000 0.000 0.000 0.000 /usr/lib/python2.7/threading.py:59(__init__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:391(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axis.py:1462(have_units) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/__init__.py:1419(get_backend) 12 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:367(<genexpr>) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1338(__init__) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backends/backend_agg.py:314(option_image_nocomposite) 7 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:1047(mouseover) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1010(_get_minposx) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/offsetbox.py:782(set_minimumdescent) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/ticker.py:1436(tick_values) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:285(_setdefaults) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:96(_entry_from_axes) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:552(set_snap) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:900(set_axes_locator) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/_pylab_helpers.py:38(get_fig_manager) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2540(get_mutation_scale) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:742(get_edgecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2727(set_axis_on) 4 0.000 0.000 0.000 0.000 {repr} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1692(transform_non_affine) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1709(is_saving) 10 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2069(get_affine) 8 0.000 0.000 0.000 0.000 {thread.allocate_lock} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:1954(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:1703(_idle_draw_cntx) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:519(get_default_handler_map) 6 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/mathtext.py:419(destroy) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/scale.py:66(__init__) 8 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/backend_bases.py:974(set_clip_rectangle) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:419(get_tight_layout) 1 0.000 0.000 0.000 0.000 <ipython-input-26-907a38c80ccf>:6(<module>) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/core/interactiveshell.py:1067(user_global_ns) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:488(_approx_text_height) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:910(get_axes_locator) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:746(get_facecolor) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:540(get_legend_handler_map) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:160(subplot_class_factory) 1 0.000 0.000 0.000 0.000 {method 'join' of 'unicode' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:253(get_facecolor) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:2069(use_sticky_edges) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:246(get_edgecolor) 1 0.000 0.000 0.000 0.000 /usr/lib/python2.7/copy_reg.py:92(__newobj__) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:826(fixitems) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/projections/__init__.py:25(get_projection_class) 2 0.000 0.000 0.000 0.000 {method 'rfind' of 'str' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:855(set_bbox_to_anchor) 4 0.000 0.000 0.000 0.000 build/bdist.linux-x86_64/egg/qp/utils.py:112(normalize_histogram) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3417(set_navigate_mode) 1 0.000 0.000 0.000 0.000 <ipython-input-26-907a38c80ccf>:5(<module>) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/artist.py:746(get_clip_path) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/widgets.py:37(__init__) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:1245(get_aspect) 2 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/numpy/lib/shape_base.py:897(<genexpr>) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:74(set_height_ratios) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_base.py:3403(set_navigate) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/axes/_subplots.py:101(get_subplotspec) 4 0.000 0.000 0.000 0.000 /usr/local/lib/python2.7/dist-packages/IPython/core/hooks.py:204(pre_run_code_hook) 1 0.000 0.000 0.000 0.000 {method 'disable' of '_lsprof.Profiler' objects} 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2561(get_boxstyle) 7 0.000 0.000 0.000 0.000 {operator.index} 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:1705(transform_path_non_affine) 4 0.000 0.000 0.000 0.000 {method '__array_prepare__' of 'numpy.ndarray' objects} 1 0.000 0.000 0.000 0.000 {method 'keys' of 'dict' objects} 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/figure.py:762(get_frameon) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:65(set_width_ratios) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/legend.py:787(get_frame) 4 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:50(get_geometry) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/transforms.py:2059(transform_path) 2 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/patches.py:2555(get_mutation_aspect) 1 0.000 0.000 0.000 0.000 /home/aimalz/.local/lib/python2.7/site-packages/matplotlib/gridspec.py:407(get_gridspec)
We save the data so we can remake the plots later without running everything again.
We'd like to do this for many values of $N_{f}$ as well as larger catalog subsamples, repeating the analysis many times to establish error bars on the KLD as a function of format, $N_{f}$, and dataset. The things we want to plot across multiple datasets/number of parametes are:
N_f
vs. nz_output[dataset][format][instantiation][KLD_val_for_N_f]
n_moment, N_f
vs. pz_output[dataset][format][n_moment][instantiation][moment_val_for_N_f]
So, we ned to make sure these are saved!
if os.path.exists('nz_metrics.hkl'):
with open('nz_metrics.hkl', 'r') as nz_file:
#read in content of list/dict
nz_stats = hickle.load(nz_file)
else:
nz_stats = {}
nz_stats['N_f'] = []
if N_f not in nz_stats['N_f']:
nz_stats['N_f'].append(N_f)
where_N_f = nz_stats['N_f'].index(N_f)
if dataset_key not in nz_stats.keys():
nz_stats[dataset_key] = {}
for f in parametrizations:#change this name to formats
nz_stats[dataset_key][f] = [[]]
for f in parametrizations:
nz_stats[dataset_key][f][where_N_f].append(dataset_info[dataset_key]['nz_klds'][f])
with open('nz_metrics.hkl', 'w') as nz_file:
hickle.dump(nz_stats, nz_file)
We want to plot the KLD on $\hat{n}(z)$ for all formats as $N_{f}$ changes. We want to repeat this for many subsamples of the catalog to establush error bars on the KLD values.
with open('nz_metrics.hkl', 'r') as nz_file:
nz_stats = hickle.load(nz_file)
colors = {'quantiles':'b', 'histogram':'r', 'samples':'g'}
# need to get some version of this working from nz_klds
plt.figure(figsize=(5, 5))
for f in parametrizations.keys():
data_arr = np.swapaxes(np.array(nz_stats[dataset_key][f]), 0, 1)#turn N_f * instantiations into instantiations * N_f
n_i = len(data_arr)
a = 1./n_i
plt.plot([2 * max(nz_stats['N_f']), 2 * max(nz_stats['N_f'])], [1., 10.], color=colors[f], alpha=a, label=f)
for i in data_arr:
# will be regular plot not scatter with more N_f options
plt.plot(nz_stats['N_f'], i[0], color=colors[f], alpha=a)
plt.semilogy()
plt.semilogx()
plt.xlim(min(nz_stats['N_f'])-1, max(nz_stats['N_f'])+1)
plt.ylim(1., 10.)
plt.xlabel(r'number of parameters')
plt.ylabel(r'KLD')
plt.legend()
plt.title(r'$\hat{n}(z)$ KLD on '+str(n_gals_use)+' from '+dataset_key)
plt.savefig(dataset_key+'_nz_placeholder.png', dpi=250)
# won't really know how this looks without more N_f tested
We want to plot the moments of the KLD distribution for each format as $N_{f}$ changes.
if os.path.exists('pz_metrics.hkl'):
with open('pz_metrics.hkl', 'r') as pz_file:
#read in content of list/dict
pz_stats = hickle.load(pz_file)
else:
pz_stats = {}
pz_stats['N_f'] = []
if N_f not in pz_stats['N_f']:
pz_stats['N_f'].append(N_f)
where_N_f = pz_stats['N_f'].index(N_f)
if dataset_key not in pz_stats.keys():
pz_stats[dataset_key] = {}
for f in parametrizations:#change this name to formats
pz_stats[dataset_key][f] = []
for m in range(n_moments_use + 1):
pz_stats[dataset_key][f].append([[]])
if N_f not in pz_stats['N_f']:
pz_stats[dataset_key][f][m].append([])
for f in parametrizations:
for m in range(n_moments_use + 1):
pz_stats[dataset_key][f][m][where_N_f].append(dataset_info[dataset_key]['pz_kld_moments'][f][m])
with open('pz_metrics.hkl', 'w') as pz_file:
hickle.dump(pz_stats, pz_file)
with open('pz_metrics.hkl', 'r') as pz_file:
pz_stats = hickle.load(pz_file)
def make_patch_spines_invisible(ax):
ax.set_frame_on(True)
ax.patch.set_visible(False)
for sp in ax.spines.values():
sp.set_visible(False)
shapes = ['o','+','x','v','^','<','>']
fig, ax = plt.subplots()
fig.subplots_adjust(right=1.)
ax_n = ax
for key in parametrizations.keys():
ax_n.plot([-1], [0], color=colors[key], label=key)
for n in range(1, 4):
ax.scatter([-1], [0], color='k', marker=shapes[n-1], label='moment '+str(n))
if n>1:
ax_n = ax.twinx()
if n>2:
ax_n.spines["right"].set_position(("axes", 1. + 0.1 * (n-1)))
make_patch_spines_invisible(ax_n)
ax_n.spines["right"].set_visible(True)
for f in parametrizations.keys():
data_arr = np.swapaxes(np.array(pz_stats[dataset_key][f][n]), 0, 1)
n_i = len(data_arr)
a = 1./n_i
for i in data_arr:
ax_n.scatter(pz_stats['N_f'], i, marker=shapes[n-1], color=colors[f], alpha=a)
ax_n.set_ylabel('moment '+str(n))
ax.set_xlim(1,1000)#should be N_f range and logged
ax.semilogx()
ax.set_xlabel('number of parameters')
ax.legend()
fig.suptitle('KLD moments on '+str(n_gals_use)+' from '+dataset_key)
fig.savefig(dataset_key+'_pz_placeholder.png', dpi=250)
## everything works above here! now it's time to make plots from this output!
# # Function to test the experimental qp.Ensemble object!
# def analyze():#(pdfs, N_comps, z, N_floats):
# #read in the data, happens to be gridded
# z_low, z_high = min(z), max(z)
# N_pdfs = len(pdfs)
# out_E = {}
# E0 = qp.Ensemble(N_pdfs, gridded=(z, pdfs), vb=False)
# #fit gridded pdfs as GMMs based on samples
# samparr = E0.sample(1000, vb=False)
# print(np.shape(samparr))
# Ei = qp.Ensemble(N_pdfs, samples=samparr, vb=False)
# GMMs = Ei.mix_mod_fit(comps=N_comps, using='samples', vb=False)
# # out_E['GMMs'] = []
# # for GMM in GMMs:
# # out_E['GMMs'].append(GMM.functions[0].stats())
# #set the GMMS as the truth
# Ef = qp.Ensemble(N_pdfs, truth=GMMs, vb=False)
# #stack them and save the output
# out_E['truth'] = Ef.stack(z, using='mix_mod', vb=False)
# # #evaluate as gridded and save the output
# # Et = qp.Ensemble(N_pdfs, gridded=Ef.evaluate(z))
# # out_E['gridded'] = Et.stack(z, using='gridded')
# #evaluate as quantiles and save the output
# Eq = qp.Ensemble(N_pdfs, quantiles=Ef.quantize(N=N_floats), vb=False)
# #q_stack = Eq.stack(z, using='quantiles')
# out_E['quantiles'] = Eq.stack(z, using='quantiles', vb=False)
# # #evaluate as histogram and save the output
# # Eh = qp.Ensemble(N_pdfs, histogram=Ef.histogramize(N=N_floats, binrange=(z_low, z_high)))
# # #h_stack = Eh.stack(z, using='histogram')
# # out_E['histogram'] = Eh.stack(z, using='histogram')
# # #evaluate as samples and save the output
# # Es = qp.Ensemble(N_pdfs, samples=Ef.sample(samps=N_floats))
# # #s_stack = Es.stack(z, using='samples')
# # out_E['samples'] = Es.stack(z, using='samples')
# return(out_E)#, KLDs, RMSEs)
Let's run a test with 100 galaxies and 10 parameters. This should take about 5 minutes or so.
# print(n_gals_use, n_floats_use, s.getvalue())
Let's show the stacked versions and compute metrics.
# print(results.keys())
# print(results['truth']['mix_mod'])
# KLDs, RMSEs = {}, {}
# P = qp.PDF(gridded=results['truth']['mix_mod'])
# metric_keys = results.keys()
# metric_keys.remove('truth')
# for est in metric_keys:
# Q = qp.PDF(gridded=results[est][est])
# KLDs[est] = qp.utils.calculate_kl_divergence(P, Q, vb=False)
# RMSEs[est] = qp.utils.calculate_rmse(P, Q, vb=False)
# plt.plot(results[est][est][0], results[est][est][1], label=est)
# plt.legend()
# print(KLDs, RMSEs)
Things are quite broken after this point!
# P = qp.PDF(gridded=stack_ests['truth'])
# KLDs, RMSEs = {}, {}
# for est in .keys():
# Q = qp.PDF(gridded=stack_ests[est])
# KLDs[est] = qp.utils.calculate_kl_divergence(P, Q, vb=False)
# RMSEs[est] = qp.utils.calculate_rmse(P, Q, vb=False)
Let's plot the log standard deviations of the first component of the mixture models.
# moments = np.array(results['stats']).T
# fit_stats = moments[1]
# plt.hist(np.log(fit_stats))
Let's check the distribution of standard deviations of the ensemble.
# D = qp.PDF(samples = np.log(fit_stats))
# T = D.mix_mod_fit(n_components=1)
# D.plot()
# print(np.exp(T.functions[0].stats()))
Now enough of the qp.Ensemble
functionality has been implemented to merge into the master
branch!
# this ends the test of the experimental qp.Ensemble object
# you may now return to your regularly scheduled programming
# def analyze_one(index, N_comps, z, N_floats, logfilename='logfile.txt', vb=False):
# """
# Model the input BPZ P(z) as a GMM, approximate that GMM in
# various ways, and assess the quality of each approximation.
# Parameters
# ----------
# index : int
# ID of galaxy
# N_comps : int
# Number of components used in GMM
# N_floats : int
# Number of floats used to parametrize the P(z)
# z : float, ndarr
# Redshift array for input gridded "truth". Used for
# evaluating n(z) too
# logfilename: string
# where to put logging information
# vb : boolean
# Verbose output?
# Returns
# -------
# result : dict
# Dictionary containing metric values, n(z) on standard
# grid, samples, "true" GMM gridded p(z).
# Notes
# -----
# In some cases the GMM does not fit well, leading to bad KLD and
# RMSE values when it is compared to the truth.
# """
# # # Make z array if we don't already have it:
# # if z is None:
# # z = np.arange(0.01, 3.51, 0.01, dtype='float')
# dz = (max(z) - min(z)) / len(z)
# zlimits = [min(z), max(z)]
# # Make a dictionary to contain the results:
# result = {}
# # Make a GMM model of the input BPZ p(z) (which are stored
# # in the global 'pdfs' variable:
# G = qp.PDF(gridded=(z, pdfs[index]), vb=vb)
# # Draw 1000 samples, fit a GMM model to them, and make a true PDF:
# G.sample(1000, vb=vb)
# GMM = G.mix_mod_fit(n_components=N_comps, vb=vb)
# P = qp.PDF(truth=GMM, vb=vb)
# # Evaluate the GMM on the z grid, and store in the result dictionary. We'll
# # need this to make our "true" n(z) estimator. We don't need to keep the
# # z array, as we passed that in.
# result['truth'] = P.evaluate(z, using='truth', vb=vb)[1]
# # Now approximate P in various ways, and assess:
# Q, KLD, RMSE, approximation = {}, {}, {}, {}
# Q['quantiles'] = qp.PDF(quantiles=P.quantize(N=N_floats, vb=vb), vb=vb)
# Q['histogram'] = qp.PDF(histogram=P.histogramize(N=N_floats, binrange=zlimits, vb=vb), vb=vb)
# Q['samples'] = qp.PDF(samples=P.sample(N=N_floats, vb=vb), vb=vb)
# for k in Q.keys():
# KLD[k] = qp.calculate_kl_divergence(P, Q[k], limits=zlimits, dx=dz, vb=vb)
# RMSE[k] = qp.calculate_rmse(P, Q[k], limits=zlimits, dx=dz, vb=vb)
# approximation[k] = Q[k].evaluate(z, using=k, vb=vb)[1]
# # Store approximations:
# result['KLD'] = KLD
# result['RMSE'] = RMSE
# result['approximation'] = approximation
# result['samples'] = Q['samples'].samples
# with open(logfilename, 'a') as logfile:
# logfile.write(str((index, timeit.default_timer() - start_time))+'\n')
# return result
OK, now lets's collate the metrics for the first 100 galaxies over a variable number of parameters, and look at the distribution of metric values. We're using multiprocessing because the for
loop is slow; the rate-limiting step is the optimization routine for finding quantiles of a GMM.
# def one_analysis(N):
# all_results[str(N)] = []
# pr = cProfile.Profile()
# pr.enable()
# # with qp.Ensemble
# n_gals_tot = len(pdfs)
# full_gal_range = range(n_gals_tot)
# subset = np.random.choice(full_gal_range, n_gals)
# pdfs_use = pdfs[subset]
# all_results[str(N)] = analyze(pdfs_use, nc_needed, z, N)
# # # if multiprocessing:
# # logfilename = dataname + str(n_gals) + 'multi' + str(N)+'.txt'
# # def help_analyze(i):
# # return analyze_one(i, nc_needed, z, N, logfilename=logfilename)
# # pool = Pool(psutil.cpu_count() - 1)
# # results = pool.map(help_analyze, range(n_gals))
# # all_results[str(N)] = results
# # # tl;dr Tmax=270s for N_floats=3, 100 galaxies, 3 processors
# # # if looping:
# # logfilename = dataname + str(n_gals) + 'loop' + str(N)+'.txt'
# # for i in range(100):
# # all_results[str(N)].append(analyze_one(i, 2, z, N, logfilename=logfilename))
# # if i%10 == 0: print('.', end='')
# # # tl;dr Tmax=352s for N_floats=3, 100 galaxies
# pr.disable()
# s = StringIO.StringIO()
# sortby = 'cumtime'
# ps = pstats.Stats(pr, stream=s).sort_stats(sortby)
# ps.print_stats()
# print(N, s.getvalue())
# return
# #%%time
# float_numbers = [3]#, 10, 30, 100]
# n_float_numbers = len(float_numbers)
# # gal_numbers = [100]#, 1000, 10000]
# # n_gal_numbers = len(gal_numbers)
# # total_results ={}
# # for M in gal_numbers:
# # n_gals = M
# n_gals = 100
# all_results = {}
# for N in float_numbers:
# start_time = timeit.default_timer()
# one_analysis(N)
# # total_results[str(n_gals)] = all_results
Since the previous step is quite slow (on the order of 5 minutes per test of different numbers of parameters for my laptop), this is a good point to save the results. We can load them from the file later and not remake them if we only want to do the rest of the analysis.
# with open('all_results.hkl', 'w') as result_file:
# hickle.dump(all_results, result_file)
# with open('all_results.hkl', 'r') as result_file:
# all_results = hickle.load(result_file)
# all_results = total_results[str(gal_numbers[0])]
# all_KLD, all_RMSE = [], []
# for n in range(n_float_numbers):
# KLD, RMSE = {}, {}
# for approximation in all_results[str(float_numbers[n])][0]['KLD'].keys():
# x = np.array([])
# for k in range(len(all_results[str(float_numbers[n])])):
# x = np.append(x, all_results[str(float_numbers[n])][k]['KLD'][approximation])
# KLD[approximation] = x
# x = np.array([])
# for k in range(len(all_results[str(float_numbers[n])])):
# x = np.append(x, all_results[str(float_numbers[n])][k]['RMSE'][approximation])
# RMSE[approximation] = x
# all_KLD.append(KLD)
# all_RMSE.append(RMSE)
Now let's plot histograms of the metric values.
# colors = {'samples':'green', 'quantiles':'blue', 'histogram':'red'}
# plt.figure(figsize=(12, 5 * n_float_numbers))
# i=0
# for n in range(n_float_numbers):
# i += 1
# # Lefthand panel: KLD
# plt.subplot(n_float_numbers, 2, i)
# plt.title('KLD for '+str(float_numbers[n])+' stored numbers')
# bins = np.linspace(0.0, 5., 25)
# for k in ['samples', 'quantiles', 'histogram']:
# plt.hist(all_KLD[n][k], bins, label=k, fc=colors[k], ec=colors[k], alpha=0.3, normed=True)
# #plt.semilogx()
# plt.xlabel('KL Divergence Metric', fontsize=16)
# plt.ylim(0., 5.0)
# plt.xlim(0., 5.0)
# plt.legend()
# i += 1
# # Righthand panel: RMSE
# plt.subplot(n_float_numbers, 2, i)#+n_numbers)
# plt.title('RMSE for '+str(float_numbers[n])+' stored numbers')
# bins = np.linspace(0.0, 5., 25)
# for k in ['samples', 'quantiles', 'histogram']:
# plt.hist(all_RMSE[n][k], bins, label=k, fc=colors[k], ec=colors[k], alpha=0.3, normed=True)
# #plt.semilogx()
# plt.xlabel('RMS Error Metric', fontsize=16)
# plt.ylim(0., 5.0)
# plt.xlim(0., 5.0)
# plt.legend();
# plt.savefig('money.png')
Interestingly, the metrics don't agree, nor is the behavior consistent across different numbers of parameters. However, as the number of parameters increases, the distribution of the metrics converge to lower numbers.
KLD seems to flag more "bad" approximations than RMSE. How do we know where to set the threshold in each metric?
We should think of the right way to get a summary statistic (first moment?) on the ensemble of KLD or RMSE values so we can make the plot of number of parameters vs. quality of approximation.
Now lets compute the estimated $n(z)$. We'll do this with the GMM "truth", and then using each of our approximations. And we'll normalize the $n(z)$ to account for lost systems with bad approximations.
# plt.figure(figsize=(6, 5 * n_float_numbers))
# all_n = []
# all_x = []
# all_y = []
# for i in range(n_float_numbers):
# results = all_results[str(float_numbers[i])]
# n = {}
# # Pull out all truths and compute the average at each z:
# x = np.zeros([len(z), len(results)])
# y = {}
# for approx in ['samples', 'quantiles', 'histogram']:
# y[approx] = np.zeros([len(z), len(results)])
# for k in range(len(results)):
# y[approx][:,k] = results[k]['approximation'][approx]
# for k in range(len(results)):
# x[:,k] = results[k]['truth']
# # Now do the averaging to make the estimators:
# n['truth'] = np.mean(x, axis=1)
# n['truth'] /= np.sum(n['truth']) * delta_z
# for approx in ['samples', 'quantiles', 'histogram']:
# n[approx] = np.mean(y[approx], axis=1)
# n[approx] /= np.sum(n[approx]) * delta_z
# all_n.append(n)
# all_x.append(x)
# all_y.append(y)
# # Note: this uses the samples' KDE to make the approximation. We could (and
# # should!) also try simply concatenating the samples and histogramming them.
# # Plot truth and all the approximations.
# # The NaNs in the histogram approximation make that unplottable for now.
# plt.subplot(n_float_numbers, 1, i+1)#+n_numbers)
# plt.title(r'$n(z)$ for '+str(float_numbers[i])+' numbers')
# plt.plot(z, n['truth'], color='black', lw=4, alpha=0.3, label='truth')
# for k in ['samples', 'quantiles', 'histogram']:
# plt.plot(z, n[k], label=k, color=colors[k])
# plt.xlabel('redshift z')
# plt.ylabel('n(z)')
# plt.legend();
# plt.savefig('nz_comparison.png', dpi=300)
The "samples" approximation gives the best result for the $n(z)$ estimator even with a small number of samples. However, once the number of parameters increases slightly, the "quantiles" approximation performs similarly. It takes a large number of parameters before the "histogram" approximation approaches the other options. Let's use the qp.PDF
object to compare them quantitatively (since $n(z)$ can be normalized to give the global $p(z)$).
# all_p = []
# for i in range(n_float_numbers):
# n = all_n[i]
# p = {}
# for k in ['samples', 'quantiles', 'histogram']:
# p[k] = qp.PDF(gridded=(z,n[k]), vb=False)
# p['truth'] = qp.PDF(gridded=(z,n['truth']), vb=False)
# all_p.append(p)
# all_KLD_nz, all_RMSE_nz = {}, {}
# zlimits, dz = [z_low, z_high], 0.01
# for k in ['samples', 'quantiles', 'histogram']:
# p = all_p[i]
# KLD_nz, RMSE_nz = [], []
# for i in range(n_float_numbers):
# KLD_nz.append(qp.calculate_kl_divergence(all_p[i]['truth'], all_p[i][k], limits=zlimits, dx=dz, vb=False))
# RMSE_nz.append(qp.calculate_rmse(all_p[i]['truth'], all_p[i][k], limits=zlimits, dx=dz, vb=False))
# all_KLD_nz[k] = KLD_nz
# all_RMSE_nz[k] = RMSE_nz
# plt.figure(figsize=(12, 5))
# both = [plt.subplot(1, 2, i+1) for i in range(2)]
# KLD_plot = both[0]
# RMSE_plot = both[1]
# KLD_plot.set_title(r'KLD for $n(z)$')
# RMSE_plot.set_title(r'RMSE for $n(z)$')
# KLD_plot.set_xlabel('number of parameters')
# RMSE_plot.set_xlabel('number of parameters')
# KLD_plot.set_ylabel('KLD')
# RMSE_plot.set_ylabel('RMSE')
# # KLD_plot.semilogx()
# # KLD_plot.semilogy()
# # RMSE_plot.semilogx()
# # RMSE_plot.semilogy()
# for k in ['samples', 'quantiles', 'histogram']:
# KLD_plot.plot(float_numbers, all_KLD_nz[k], color=colors[k], label=k)
# RMSE_plot.plot(float_numbers, all_RMSE_nz[k], color=colors[k], label=k)
# KLD_plot.semilogy()
# KLD_plot.semilogx()
# RMSE_plot.semilogy()
# RMSE_plot.semilogx()
# KLD_plot.legend()
# RMSE_plot.legend()
# plt.savefig('summary.png')
# print('KLD metrics for n(z) estimator: ', all_KLD_nz)
# print('RMSE metrics for n(z) estimator: ', all_RMSE_nz)
This early indication suggests that quantiles perform best on the cleaner data set.
A bigger test, using the full dataset, should allow this to be tested further: jack-knife error bars should also be calculable.